Mercurial > repos > bimib > cobraxy
changeset 91:f4f93df8c221 draft
Uploaded
line wrap: on
line diff
--- a/cobraxy-9688ad27287b/COBRAxy/utils/CBS_backend.py Sun Oct 13 11:35:56 2024 +0000 +++ /dev/null Thu Jan 01 00:00:00 1970 +0000 @@ -1,200 +0,0 @@ -from swiglpk import * -import random -import pandas as pd -import numpy as np -import cobra as cb - -# Initialize LP problem -def initialize_lp_problem(S): - - len_vector=len(S.keys()) - values=list(S.values()) - indexes=list(S.keys()) - ia = intArray(len_vector+1); - ja = intArray(len_vector+1); - ar = doubleArray(len_vector+1); - - i=0 - ind_row=[indexes[i][0]+1 for i in range(0, len(values) )] - ind_col=[indexes[i][1]+1 for i in range(0, len(values) )] - for i in range(1, len(values) + 1): - ia[i]=ind_row[i-1] - ja[i]=ind_col[i-1] - ar[i] = values[i-1] - - nrows=S.shape[0] - ncol=S.shape[1] - - return len_vector, values, indexes, ia, ja, ar, nrows, ncol - - - -# Solve LP problem from the structure of the metabolic model -def create_and_solve_lp_problem(lb,ub,nrows, ncol, len_vector, ia, ja, ar, - obj_coefs,reactions,return_lp=False): - - - lp = glp_create_prob(); - glp_set_prob_name(lp, "sample"); - glp_set_obj_dir(lp, GLP_MAX); - glp_add_rows(lp, nrows); - eps = 1e-16 - for i in range(nrows): - glp_set_row_name(lp, i+1, "constrain_"+str(i+1)); - glp_set_row_bnds(lp, i+1, GLP_FX, 0.0, 0.0); - glp_add_cols(lp, ncol); - for i in range(ncol): - glp_set_col_name(lp, i+1, "flux_"+str(i+1)); - glp_set_col_bnds(lp, i+1, GLP_DB,lb[i]-eps,ub[i]+eps); - glp_load_matrix(lp, len_vector, ia, ja, ar); - - try: - fluxes,Z=solve_lp_problem(lp,obj_coefs,reactions) - if return_lp: - return fluxes,Z,lp - else: - glp_delete_prob(lp); - return fluxes,Z - except Exception as e: - glp_delete_prob(lp) - raise Exception(e) - - -# Solve LP problem from the structure of the metabolic model -def solve_lp_problem(lp,obj_coefs,reactions): - - # Set the coefficients of the objective function - i=1 - for ind_coef in obj_coefs: - glp_set_obj_coef(lp, i, ind_coef); - i+=1 - - # Initialize the parameters - params=glp_smcp() - params.presolve=GLP_ON - params.msg_lev = GLP_MSG_ALL - params.tm_lim=4000 - glp_init_smcp(params) - - # Solve the problem - glp_scale_prob(lp,GLP_SF_AUTO) - - value=glp_simplex(lp, params) - - Z = glp_get_obj_val(lp); - - if value == 0: - fluxes = [] - for i in range(len(reactions)): fluxes.append(glp_get_col_prim(lp, i+1)) - return fluxes,Z - else: - raise Exception("error in LP problem. Problem:",str(value)) - - -# Create LP structure -def create_lp_structure(model): - - reactions=[el.id for el in model.reactions] - coefs_obj=[reaction.objective_coefficient for reaction in model.reactions] - - # Lower and upper bounds - lb=[reaction.lower_bound for reaction in model.reactions] - ub=[reaction.upper_bound for reaction in model.reactions] - - # Create S matrix - S=cb.util.create_stoichiometric_matrix(model,array_type="dok") - - return S,lb,ub,coefs_obj,reactions - -# CBS sampling interface -def randomObjectiveFunctionSampling(model, nsample, coefficients_df, df_sample): - - S,lb,ub,coefs_obj,reactions = create_lp_structure(model) - len_vector, values, indexes, ia, ja, ar, nrow, ncol = initialize_lp_problem(S) - - for i in range(nsample): - - coefs_obj=coefficients_df.iloc[:,i].values - - if coefs_obj[-1]==1: #minimize - coefs_obj= coefs_obj[0:-1] * -1 - else: - coefs_obj=coefs_obj[0:-1] - - fluxes,Z = create_and_solve_lp_problem(lb,ub, nrow, ncol, len_vector, - ia, ja, ar, coefs_obj,reactions,return_lp=False) - df_sample.loc[i] = fluxes - pass - -def randomObjectiveFunctionSampling_cobrapy(model, nsample, coefficients_df, df_sample): - - for i in range(nsample): - - dict_coeff={} - if(coefficients_df.iloc[-1][i]==1): - type_problem = -1 #minimize - else: - type_problem = 1 - - for rxn in [reaction.id for reaction in model.reactions]: - dict_coeff[model.reactions.get_by_id(rxn)] = coefficients_df.loc[rxn][i] * type_problem - - model.objective = dict_coeff - solution = model.optimize().fluxes - for rxn, flux in solution.items(): - df_sample.loc[i][rxn] = flux - - pass - -# Create random coefficients for CBS -def randomObjectiveFunction(model, n_samples, df_fva, seed=0): - - - #reactions = model.reactions - reactions = [reaction.id for reaction in model.reactions] - cont=seed - list_ex=reactions.copy() - list_ex.append("type_of_problem") - coefficients_df = pd.DataFrame(index=list_ex,columns=[str(i) for i in range(n_samples)]) - - for i in range(0, n_samples): - - cont=cont+1 - random.seed(cont) - - # Genera un numero casuale tra 0 e 1 - threshold = random.random() #coefficiente tra 0 e 1 - - for reaction in reactions: - - cont=cont+1 - random.seed(cont) - - val=random.random() - - if val>threshold: - - cont=cont+1 - random.seed(cont) - - c=2*random.random()-1 #coefficiente tra -1 e 1 - - val_max=np.max([df_fva.loc[reaction,"minimum"],df_fva.loc[reaction,"maximum"]]) - - if val_max!=0: #solo se la fva è diversa da zero - coefficients_df.loc[reaction,str(i)] = c/val_max #divido per la fva - else: - coefficients_df.loc[reaction,str(i)] = 0 - - else: - coefficients_df.loc[reaction,str(i)] = 0 - - cont=cont+1 - random.seed(cont) - - if random.random()<0.5: - coefficients_df.loc["type_of_problem",str(i)] = 0 #maximize - else: - coefficients_df.loc["type_of_problem",str(i)] = 1 #minimize - - return coefficients_df \ No newline at end of file
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/GSOC project submission.html Sun Oct 13 11:38:28 2024 +0000 @@ -0,0 +1,65 @@ +<!DOCTYPE html> +<html lang="en"> +<head> + <meta charset="UTF-8"> + <meta name="viewport" content="width=device-width, initial-scale=1.0"> + <title>Google Summer of Code 2024 - COBRAxy: COBRA and MaREA4Galaxy</title> + <link href="https://cdn.jsdelivr.net/npm/bootstrap@5.3.1/dist/css/bootstrap.min.css" rel="stylesheet"> +</head> +<body> + <div class="container my-5"> + <h1 class="text-center mb-4">Google Summer of Code 2024</h1> + <h2 class="text-center mb-4">COBRAxy: COBRA and MaREA4Galaxy</h2> + <p><strong>National Resource for Network Biology (NRNB)</strong></p> + <p><strong>Mentors:</strong></p> + <ul> + <li>Alex Graudenzi, alex.graudenzi@unimib.it</li> + <li>Chiara Damiani, chiara.damiani@unimib.it</li> + <li>Marco Antoniotti, marco.antoniotti@unimib.it</li> + </ul> + <p><strong>Contributor:</strong></p> + <ul> + <li>Luca Milazzo (University of Milano-Bicocca) – lucmil2000@gmail.com, luca.milazzo@epfl.ch</li> + </ul> + + <h3 class="mt-4">Project Description</h3> + <p> + The project focused on developing an advanced Galaxy tool that enhances the data mapping capabilities of MaREA4Galaxy. The extension of this framework includes the analysis of fluxomics data, starting from a metabolic model and progressing to the representation of up-regulated fluxes on a metabolic map. This tool enables users to perform constraint-based enrichment analysis of metabolic pathways. + </p> + <p>The primary goals of the project were:</p> + <ul> + <li>Create a flux sampling and analysis interface to allow users to work with constraint-based metabolic models (e.g., sampling algorithms, FBA, pFBA, and FVA).</li> + <li>Adapt the existing clustering module to clusterize fluxomics data and implement additional clustering algorithms (e.g., Leiden and Louvain).</li> + <li>Build upon the existing module for visualizing enriched reactions based on RAS to create a new module for enrichment analysis of metabolic pathways based on simulated fluxomics data, and visualize the results on the metabolic map.</li> + </ul> + + <h3 class="mt-4">What I Did</h3> + <ul> + <li>Updated all existing modules of MaREA4Galaxy to use recent versions of Python libraries, ensuring greater future compatibility.</li> + <li>Modified the "Custom Data Generator" tool to extract rules, reactions, bounds, and medium information from a COBRA model.</li> + <li>Developed the "RAS to Bound" tool, which generates metabolic reaction bounds based on the RAS matrix and a growth medium (either custom or one of 26 pre-defined settings), enabling the creation of cell-specific bounds from a generic metabolic model (e.g., ENGRO2 or a custom model).</li> + <li>Developed the "Flux Simulation" tool, allowing users to sample multiple metabolic models using cell-specific bounds, employing the CBS and OPTGP algorithms. This tool also supports flux analysis using FBA, pFBA, FVA, and biomass sensitivity analysis.</li> + <li>Developed the "Metabolic Flux Enrichment Analysis" tool, which visualizes up-regulated fluxes identified by the "Flux Simulation" tool, compares different sub-classes identified by the clustering tool over fluxomics data, and visualizes all results on the metabolic map.</li> + </ul> + + <h3 class="mt-4">Current State and Future Extensions</h3> + <p> + Currently, the updated MaREA4Galaxy tool allows users to perform constraint-based enrichment analysis of metabolic pathways using RNA-seq profiles by simulating fluxomics. Additionally, users can compare different sub-populations identified by the clustering tool. The architecture minimizes computational costs by handling cell-specific models through a set of bounds, without storing complete COBRA models, which would contain a large amount of redundant information. + </p> + <p> + The implementation of the "Metabolic Flux Enrichment Analysis" tool did not leave enough time to extend the clustering module to new algorithms such as HDBSCAN, Leiden, and Louvain. This is a potential future extension to consider. Moreover, implementing a more advanced clustering grid search could further optimize clustering results. + </p> + + <h3 class="mt-4">About the Code</h3> + <p> + I worked on the Mercurial repository of MaREA4Galaxy, where this document is stored. I committed all my changes, as shown by the repository history, though without using any Git-like merge operations due to the limitations of the Mercurial interface. + </p> + + <h3 class="mt-4">Conclusions</h3> + <p> + Over the past years, I have focused on biology-related subjects, particularly metabolic fluxes and other omics data such as gene expression datasets. Through this project, I was able to apply the knowledge I have gained in constraint-based modeling, flux sampling, and omics enrichment analysis by expanding the MaREA4Galaxy tool. This experience not only enhanced my programming skills but also deepened my understanding of the real needs of biologists when working with such omics data. + </p> + </div> +</body> +</html> +
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/README.md Sun Oct 13 11:38:28 2024 +0000 @@ -0,0 +1,11 @@ +# Official repository for the COBRAxy toolset +> COBRAxy (COBRApy in Galaxy) is a user-friendly tool that allows a user to user to characterize and to graphically compare simulated fluxomics coming from groups of samples with different transcriptional regulation of metabolism. +It extends the MaREA 2 (Metabolic Reaction Enrichment Analysis) tool that enables users to compare groups in terms of RAS and RPS only. The tool is available as plug-in for the widely-used Galaxy platform for comparative genomics and bioinformatics analyses. + +## Useful links: +- COBRAxy Google Summer of Code 2024: https://summerofcode.withgoogle.com/programs/2024/projects/LSrCKfq7 +- COBRApy: https://opencobra.github.io/cobrapy/ +- MaREA4Galaxy: https://galaxyproject.org/use/marea4galaxy/ +- Galaxy project: https://usegalaxy.org/ + +## Documentation: \ No newline at end of file
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/custom_data_generator.py Sun Oct 13 11:38:28 2024 +0000 @@ -0,0 +1,218 @@ +import os +import csv +import cobra +import pickle +import argparse +import pandas as pd +import utils.general_utils as utils +import utils.rule_parsing as rulesUtils +from typing import Optional, Tuple, Union, Dict +import utils.reaction_parsing as reactionUtils + +ARGS : argparse.Namespace +def process_args() -> argparse.Namespace: + """ + Interfaces the script of a module with its frontend, making the user's choices for + various parameters available as values in code. + + Args: + args : Always obtained (in file) from sys.argv + + Returns: + Namespace : An object containing the parsed arguments + """ + parser = argparse.ArgumentParser( + usage = "%(prog)s [options]", + description = "generate custom data from a given model") + + parser.add_argument("-ol", "--out_log", type = str, required = True, help = "Output log") + + parser.add_argument("-orules", "--out_rules", type = str, required = True, help = "Output rules") + parser.add_argument("-orxns", "--out_reactions", type = str, required = True, help = "Output reactions") + parser.add_argument("-omedium", "--out_medium", type = str, required = True, help = "Output medium") + parser.add_argument("-obnds", "--out_bounds", type = str, required = True, help = "Output bounds") + + parser.add_argument("-id", "--input", type = str, required = True, help = "Input model") + parser.add_argument("-mn", "--name", type = str, required = True, help = "Input model name") + # ^ I need this because galaxy converts my files into .dat but I need to know what extension they were in + + argsNamespace = parser.parse_args() + argsNamespace.out_dir = "result" + # ^ can't get this one to work from xml, there doesn't seem to be a way to get the directory attribute from the collection + + return argsNamespace + +################################- INPUT DATA LOADING -################################ +def load_custom_model(file_path :utils.FilePath, ext :Optional[utils.FileFormat] = None) -> cobra.Model: + """ + Loads a custom model from a file, either in JSON or XML format. + + Args: + file_path : The path to the file containing the custom model. + ext : explicit file extension. Necessary for standard use in galaxy because of its weird behaviour. + + Raises: + DataErr : if the file is in an invalid format or cannot be opened for whatever reason. + + Returns: + cobra.Model : the model, if successfully opened. + """ + ext = ext if ext else file_path.ext + try: + if ext is utils.FileFormat.XML: + return cobra.io.read_sbml_model(file_path.show()) + + if ext is utils.FileFormat.JSON: + return cobra.io.load_json_model(file_path.show()) + + except Exception as e: raise utils.DataErr(file_path, e.__str__()) + raise utils.DataErr(file_path, + f"Formato \"{file_path.ext}\" non riconosciuto, sono supportati solo file JSON e XML") + +################################- DATA GENERATION -################################ +ReactionId = str +def generate_rules(model: cobra.Model, *, asParsed = True) -> Union[Dict[ReactionId, rulesUtils.OpList], Dict[ReactionId, str]]: + """ + Generates a dictionary mapping reaction ids to rules from the model. + + Args: + model : the model to derive data from. + asParsed : if True parses the rules to an optimized runtime format, otherwise leaves them as strings. + + Returns: + Dict[ReactionId, rulesUtils.OpList] : the generated dictionary of parsed rules. + Dict[ReactionId, str] : the generated dictionary of raw rules. + """ + # Is the below approach convoluted? yes + # Ok but is it inefficient? probably + # Ok but at least I don't have to repeat the check at every rule (I'm clinically insane) + _ruleGetter = lambda reaction : reaction.gene_reaction_rule + ruleExtractor = (lambda reaction : + rulesUtils.parseRuleToNestedList(_ruleGetter(reaction))) if asParsed else _ruleGetter + + return { + reaction.id : ruleExtractor(reaction) + for reaction in model.reactions + if reaction.gene_reaction_rule } + +def generate_reactions(model :cobra.Model, *, asParsed = True) -> Dict[ReactionId, str]: + """ + Generates a dictionary mapping reaction ids to reaction formulas from the model. + + Args: + model : the model to derive data from. + asParsed : if True parses the reactions to an optimized runtime format, otherwise leaves them as they are. + + Returns: + Dict[ReactionId, str] : the generated dictionary. + """ + + unparsedReactions = { + reaction.id : reaction.reaction + for reaction in model.reactions + if reaction.reaction + } + + if not asParsed: return unparsedReactions + + return reactionUtils.create_reaction_dict(unparsedReactions) + +def get_medium(model:cobra.Model) -> pd.DataFrame: + trueMedium=[] + for r in model.reactions: + positiveCoeff=0 + for m in r.metabolites: + if r.get_coefficient(m.id)>0: + positiveCoeff=1; + if (positiveCoeff==0 and r.lower_bound<0): + trueMedium.append(r.id) + + df_medium = pd.DataFrame() + df_medium["reaction"] = trueMedium + return df_medium + +def generate_bounds(model:cobra.Model) -> pd.DataFrame: + + rxns = [] + for reaction in model.reactions: + rxns.append(reaction.id) + + bounds = pd.DataFrame(columns = ["lower_bound", "upper_bound"], index=rxns) + + for reaction in model.reactions: + bounds.loc[reaction.id] = [reaction.lower_bound, reaction.upper_bound] + return bounds + + +###############################- FILE SAVING -################################ +def save_as_csv_filePath(data :dict, file_path :utils.FilePath, fieldNames :Tuple[str, str]) -> None: + """ + Saves any dictionary-shaped data in a .csv file created at the given file_path as FilePath. + + Args: + data : the data to be written to the file. + file_path : the path to the .csv file. + fieldNames : the names of the fields (columns) in the .csv file. + + Returns: + None + """ + with open(file_path.show(), 'w', newline='') as csvfile: + writer = csv.DictWriter(csvfile, fieldnames = fieldNames, dialect="excel-tab") + writer.writeheader() + + for key, value in data.items(): + writer.writerow({ fieldNames[0] : key, fieldNames[1] : value }) + +def save_as_csv(data :dict, file_path :str, fieldNames :Tuple[str, str]) -> None: + """ + Saves any dictionary-shaped data in a .csv file created at the given file_path as string. + + Args: + data : the data to be written to the file. + file_path : the path to the .csv file. + fieldNames : the names of the fields (columns) in the .csv file. + + Returns: + None + """ + with open(file_path, 'w', newline='') as csvfile: + writer = csv.DictWriter(csvfile, fieldnames = fieldNames, dialect="excel-tab") + writer.writeheader() + + for key, value in data.items(): + writer.writerow({ fieldNames[0] : key, fieldNames[1] : value }) + +###############################- ENTRY POINT -################################ +def main() -> None: + """ + Initializes everything and sets the program in motion based on the fronted input arguments. + + Returns: + None + """ + # get args from frontend (related xml) + global ARGS + ARGS = process_args() + + # this is the worst thing I've seen so far, congrats to the former MaREA devs for suggesting this! + if os.path.isdir(ARGS.out_dir) == False: os.makedirs(ARGS.out_dir) + + # load custom model + model = load_custom_model( + utils.FilePath.fromStrPath(ARGS.input), utils.FilePath.fromStrPath(ARGS.name).ext) + + # generate data + rules = generate_rules(model, asParsed = False) + reactions = generate_reactions(model, asParsed = False) + bounds = generate_bounds(model) + medium = get_medium(model) + + # save files out of collection: path coming from xml + save_as_csv(rules, ARGS.out_rules, ("ReactionID", "Rule")) + save_as_csv(reactions, ARGS.out_reactions, ("ReactionID", "Reaction")) + bounds.to_csv(ARGS.out_bounds, sep = '\t') + medium.to_csv(ARGS.out_medium, sep = '\t') + +if __name__ == '__main__': + main() \ No newline at end of file
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/custom_data_generator.xml Sun Oct 13 11:38:28 2024 +0000 @@ -0,0 +1,63 @@ +<tool id="CustomDataGenerator" name="Custom Data Generator" version="2.0.0"> + + <macros> + <import>marea_macros.xml</import> + </macros> + + <requirements> + <requirement type="package" version="1.24.4">numpy</requirement> + <requirement type="package" version="2.0.3">pandas</requirement> + <requirement type="package" version="0.29.0">cobra</requirement> + <requirement type="package" version="5.2.2">lxml</requirement> + </requirements> + + <command detect_errors="exit_code"> + <![CDATA[ + python $__tool_directory__/custom_data_generator.py + --input $input + --name $input.element_identifier + --out_log $log + --out_rules $rules + --out_reactions $reactions + --out_bounds $bounds + --out_medium $medium + ]]> + </command> + <inputs> + <param name="input" argument="--input" type="data" format="xml, json" label="Custom model:" /> + <param name="name" argument="--name" type="text" label="Model's name:" value="Model" help="Default: Model" /> + </inputs> + + <outputs> + <data format="txt" name="log" label="${tool.name} - Log" /> + <data format="tabular" name="rules" label="${name}_Rules" /> + <data format="tabular" name="reactions" label="${name}_Reactions" /> + <data format="tabular" name="bounds" label="${name}_Bounds" /> + <data format="tabular" name="medium" label="${name}_Medium" /> + </outputs> + + <help> + <![CDATA[ +What it does +------------- + +This tool generates four files containing reactions, rules, reaction bounds and medium composition respectively, starting from a custom model in JSON or XML format. +Reactions and rules can be used as inputs for the RAS and RPS generator tools. + +Accepted files: + - A model: JSON or XML file reporting reactions and rules contained in the model. + + +Output: +------------- + +The tool generates: + - rules: reporting the rules for each reaction in the custom model given. Format: csv (tab separated). + - reactions: reporting the reactions in the custom model given. Format: csv (tab separated). + - reaction bounds: reporting the lower and upper bounds of each model reaction. Format: csv (tab separated). + - medium composition: reporting the list of exchange/transport reactions. Format: csv (tab separated). + - a log file (.txt). + ]]> + </help> + <expand macro="citations" /> +</tool> \ No newline at end of file
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/flux_simulation.py Sun Oct 13 11:38:28 2024 +0000 @@ -0,0 +1,437 @@ +import argparse +import utils.general_utils as utils +from typing import Optional, List +import os +import numpy as np +import pandas as pd +import cobra +import utils.CBS_backend as CBS_backend +from joblib import Parallel, delayed, cpu_count +from cobra.sampling import OptGPSampler +import sys + +################################# process args ############################### +def process_args(args :List[str]) -> argparse.Namespace: + """ + Processes command-line arguments. + + Args: + args (list): List of command-line arguments. + + Returns: + Namespace: An object containing parsed arguments. + """ + parser = argparse.ArgumentParser(usage = '%(prog)s [options]', + description = 'process some value\'s') + + parser.add_argument('-ol', '--out_log', + help = "Output log") + + parser.add_argument('-td', '--tool_dir', + type = str, + required = True, + help = 'your tool directory') + + parser.add_argument('-in', '--input', + required = True, + type=str, + help = 'inputs bounds') + + parser.add_argument('-ni', '--names', + required = True, + type=str, + help = 'cell names') + + parser.add_argument( + '-ms', '--model_selector', + type = utils.Model, default = utils.Model.ENGRO2, choices = [utils.Model.ENGRO2, utils.Model.Custom], + help = 'chose which type of model you want use') + + parser.add_argument("-mo", "--model", type = str) + + parser.add_argument("-mn", "--model_name", type = str, help = "custom mode name") + + parser.add_argument('-a', '--algorithm', + type = str, + choices = ['OPTGP', 'CBS'], + required = True, + help = 'choose sampling algorithm') + + parser.add_argument('-th', '--thinning', + type = int, + default= 100, + required=False, + help = 'choose thinning') + + parser.add_argument('-ns', '--n_samples', + type = int, + required = True, + help = 'choose how many samples') + + parser.add_argument('-sd', '--seed', + type = int, + required = True, + help = 'seed') + + parser.add_argument('-nb', '--n_batches', + type = int, + required = True, + help = 'choose how many batches') + + parser.add_argument('-ot', '--output_type', + type = str, + required = True, + help = 'output type') + + parser.add_argument('-ota', '--output_type_analysis', + type = str, + required = False, + help = 'output type analysis') + + ARGS = parser.parse_args() + return ARGS + +########################### warning ########################################### +def warning(s :str) -> None: + """ + Log a warning message to an output log file and print it to the console. + + Args: + s (str): The warning message to be logged and printed. + + Returns: + None + """ + with open(ARGS.out_log, 'a') as log: + log.write(s + "\n\n") + print(s) + + +def write_to_file(dataset: pd.DataFrame, name: str, keep_index:bool=False)->None: + dataset.index.name = 'Reactions' + dataset.to_csv(ARGS.output_folder + name + ".csv", sep = '\t', index = keep_index) + +############################ dataset input #################################### +def read_dataset(data :str, name :str) -> pd.DataFrame: + """ + Read a dataset from a CSV file and return it as a pandas DataFrame. + + Args: + data (str): Path to the CSV file containing the dataset. + name (str): Name of the dataset, used in error messages. + + Returns: + pandas.DataFrame: DataFrame containing the dataset. + + Raises: + pd.errors.EmptyDataError: If the CSV file is empty. + sys.exit: If the CSV file has the wrong format, the execution is aborted. + """ + try: + dataset = pd.read_csv(data, sep = '\t', header = 0, index_col=0, engine='python') + except pd.errors.EmptyDataError: + sys.exit('Execution aborted: wrong format of ' + name + '\n') + if len(dataset.columns) < 2: + sys.exit('Execution aborted: wrong format of ' + name + '\n') + return dataset + + + +def OPTGP_sampler(model:cobra.Model, model_name:str, n_samples:int=1000, thinning:int=100, n_batches:int=1, seed:int=0)-> None: + """ + Samples from the OPTGP (Optimal Global Perturbation) algorithm and saves the results to CSV files. + + Args: + model (cobra.Model): The COBRA model to sample from. + model_name (str): The name of the model, used in naming output files. + n_samples (int, optional): Number of samples per batch. Default is 1000. + thinning (int, optional): Thinning parameter for the sampler. Default is 100. + n_batches (int, optional): Number of batches to run. Default is 1. + seed (int, optional): Random seed for reproducibility. Default is 0. + + Returns: + None + """ + + for i in range(0, n_batches): + optgp = OptGPSampler(model, thinning, seed) + samples = optgp.sample(n_samples) + samples.to_csv(ARGS.output_folder + model_name + '_'+ str(i)+'_OPTGP.csv', index=False) + seed+=1 + samplesTotal = pd.DataFrame() + for i in range(0, n_batches): + samples_batch = pd.read_csv(ARGS.output_folder + model_name + '_'+ str(i)+'_OPTGP.csv') + samplesTotal = pd.concat([samplesTotal, samples_batch], ignore_index = True) + + write_to_file(samplesTotal.T, model_name, True) + + for i in range(0, n_batches): + os.remove(ARGS.output_folder + model_name + '_'+ str(i)+'_OPTGP.csv') + pass + + +def CBS_sampler(model:cobra.Model, model_name:str, n_samples:int=1000, n_batches:int=1, seed:int=0)-> None: + """ + Samples using the CBS (Constraint-based Sampling) algorithm and saves the results to CSV files. + + Args: + model (cobra.Model): The COBRA model to sample from. + model_name (str): The name of the model, used in naming output files. + n_samples (int, optional): Number of samples per batch. Default is 1000. + n_batches (int, optional): Number of batches to run. Default is 1. + seed (int, optional): Random seed for reproducibility. Default is 0. + + Returns: + None + """ + + df_FVA = cobra.flux_analysis.flux_variability_analysis(model,fraction_of_optimum=0).round(6) + + df_coefficients = CBS_backend.randomObjectiveFunction(model, n_samples*n_batches, df_FVA, seed=seed) + + for i in range(0, n_batches): + samples = pd.DataFrame(columns =[reaction.id for reaction in model.reactions], index = range(n_samples)) + try: + CBS_backend.randomObjectiveFunctionSampling(model, n_samples, df_coefficients.iloc[:,i*n_samples:(i+1)*n_samples], samples) + except Exception as e: + utils.logWarning( + "Warning: GLPK solver has failed for " + model_name + ". Trying with COBRA interface. Error:" + str(e), + ARGS.out_log) + CBS_backend.randomObjectiveFunctionSampling_cobrapy(model, n_samples, df_coefficients.iloc[:,i*n_samples:(i+1)*n_samples], + samples) + utils.logWarning(ARGS.output_folder + model_name + '_'+ str(i)+'_CBS.csv', ARGS.out_log) + samples.to_csv(ARGS.output_folder + model_name + '_'+ str(i)+'_CBS.csv', index=False) + + samplesTotal = pd.DataFrame() + for i in range(0, n_batches): + samples_batch = pd.read_csv(ARGS.output_folder + model_name + '_'+ str(i)+'_CBS.csv') + samplesTotal = pd.concat([samplesTotal, samples_batch], ignore_index = True) + + write_to_file(samplesTotal.T, model_name, True) + + for i in range(0, n_batches): + os.remove(ARGS.output_folder + model_name + '_'+ str(i)+'_CBS.csv') + pass + + +def model_sampler(model_input_original:cobra.Model, bounds_path:str, cell_name:str)-> List[pd.DataFrame]: + """ + Prepares the model with bounds from the dataset and performs sampling and analysis based on the selected algorithm. + + Args: + model_input_original (cobra.Model): The original COBRA model. + bounds_path (str): Path to the CSV file containing the bounds dataset. + cell_name (str): Name of the cell, used to generate filenames for output. + + Returns: + List[pd.DataFrame]: A list of DataFrames containing statistics and analysis results. + """ + + model_input = model_input_original.copy() + bounds_df = read_dataset(bounds_path, "bounds dataset") + for rxn_index, row in bounds_df.iterrows(): + model_input.reactions.get_by_id(rxn_index).lower_bound = row.lower_bound + model_input.reactions.get_by_id(rxn_index).upper_bound = row.upper_bound + + name = cell_name.split('.')[0] + + if ARGS.algorithm == 'OPTGP': + OPTGP_sampler(model_input, name, ARGS.n_samples, ARGS.thinning, ARGS.n_batches, ARGS.seed) + + elif ARGS.algorithm == 'CBS': + CBS_sampler(model_input, name, ARGS.n_samples, ARGS.n_batches, ARGS.seed) + + df_mean, df_median, df_quantiles = fluxes_statistics(name, ARGS.output_types) + + if("fluxes" not in ARGS.output_types): + os.remove(ARGS.output_folder + name + '.csv') + + returnList = [] + returnList.append(df_mean) + returnList.append(df_median) + returnList.append(df_quantiles) + + df_pFBA, df_FVA, df_sensitivity = fluxes_analysis(model_input, name, ARGS.output_type_analysis) + + if("pFBA" in ARGS.output_type_analysis): + returnList.append(df_pFBA) + if("FVA" in ARGS.output_type_analysis): + returnList.append(df_FVA) + if("sensitivity" in ARGS.output_type_analysis): + returnList.append(df_sensitivity) + + return returnList + +def fluxes_statistics(model_name: str, output_types:List)-> List[pd.DataFrame]: + """ + Computes statistics (mean, median, quantiles) for the fluxes. + + Args: + model_name (str): Name of the model, used in filename for input. + output_types (List[str]): Types of statistics to compute (mean, median, quantiles). + + Returns: + List[pd.DataFrame]: List of DataFrames containing mean, median, and quantiles statistics. + """ + + df_mean = pd.DataFrame() + df_median= pd.DataFrame() + df_quantiles= pd.DataFrame() + + df_samples = pd.read_csv(ARGS.output_folder + model_name + '.csv', sep = '\t', index_col = 0).T + df_samples = df_samples.round(8) + + for output_type in output_types: + if(output_type == "mean"): + df_mean = df_samples.mean() + df_mean = df_mean.to_frame().T + df_mean = df_mean.reset_index(drop=True) + df_mean.index = [model_name] + elif(output_type == "median"): + df_median = df_samples.median() + df_median = df_median.to_frame().T + df_median = df_median.reset_index(drop=True) + df_median.index = [model_name] + elif(output_type == "quantiles"): + newRow = [] + cols = [] + for rxn in df_samples.columns: + quantiles = df_samples[rxn].quantile([0.25, 0.50, 0.75]) + newRow.append(quantiles[0.25]) + cols.append(rxn + "_q1") + newRow.append(quantiles[0.5]) + cols.append(rxn + "_q2") + newRow.append(quantiles[0.75]) + cols.append(rxn + "_q3") + df_quantiles = pd.DataFrame(columns=cols) + df_quantiles.loc[0] = newRow + df_quantiles = df_quantiles.reset_index(drop=True) + df_quantiles.index = [model_name] + + return df_mean, df_median, df_quantiles + +def fluxes_analysis(model:cobra.Model, model_name:str, output_types:List)-> List[pd.DataFrame]: + """ + Performs flux analysis including pFBA, FVA, and sensitivity analysis. + + Args: + model (cobra.Model): The COBRA model to analyze. + model_name (str): Name of the model, used in filenames for output. + output_types (List[str]): Types of analysis to perform (pFBA, FVA, sensitivity). + + Returns: + List[pd.DataFrame]: List of DataFrames containing pFBA, FVA, and sensitivity analysis results. + """ + + df_pFBA = pd.DataFrame() + df_FVA= pd.DataFrame() + df_sensitivity= pd.DataFrame() + + for output_type in output_types: + if(output_type == "pFBA"): + model.objective = "Biomass" + solution = cobra.flux_analysis.pfba(model) + fluxes = solution.fluxes + df_pFBA.loc[0,[rxn._id for rxn in model.reactions]] = fluxes.tolist() + df_pFBA = df_pFBA.reset_index(drop=True) + df_pFBA.index = [model_name] + df_pFBA = df_pFBA.astype(float).round(6) + elif(output_type == "FVA"): + fva = cobra.flux_analysis.flux_variability_analysis(model, fraction_of_optimum=0, processes=1).round(8) + columns = [] + for rxn in fva.index.to_list(): + columns.append(rxn + "_min") + columns.append(rxn + "_max") + df_FVA= pd.DataFrame(columns = columns) + for index_rxn, row in fva.iterrows(): + df_FVA.loc[0, index_rxn+ "_min"] = fva.loc[index_rxn, "minimum"] + df_FVA.loc[0, index_rxn+ "_max"] = fva.loc[index_rxn, "maximum"] + df_FVA = df_FVA.reset_index(drop=True) + df_FVA.index = [model_name] + df_FVA = df_FVA.astype(float).round(6) + elif(output_type == "sensitivity"): + model.objective = "Biomass" + solution_original = model.optimize().objective_value + reactions = model.reactions + single = cobra.flux_analysis.single_reaction_deletion(model) + newRow = [] + df_sensitivity = pd.DataFrame(columns = [rxn.id for rxn in reactions], index = [model_name]) + for rxn in reactions: + newRow.append(single.knockout[rxn.id].growth.values[0]/solution_original) + df_sensitivity.loc[model_name] = newRow + df_sensitivity = df_sensitivity.astype(float).round(6) + return df_pFBA, df_FVA, df_sensitivity + +############################# main ########################################### +def main() -> None: + """ + Initializes everything and sets the program in motion based on the fronted input arguments. + + Returns: + None + """ + if not os.path.exists('flux_simulation/'): + os.makedirs('flux_simulation/') + + num_processors = cpu_count() + + global ARGS + ARGS = process_args(sys.argv) + + ARGS.output_folder = 'flux_simulation/' + + + model_type :utils.Model = ARGS.model_selector + if model_type is utils.Model.Custom: + model = model_type.getCOBRAmodel(customPath = utils.FilePath.fromStrPath(ARGS.model), customExtension = utils.FilePath.fromStrPath(ARGS.model_name).ext) + else: + model = model_type.getCOBRAmodel(toolDir=ARGS.tool_dir) + + ARGS.bounds = ARGS.input.split(",") + ARGS.bounds_name = ARGS.names.split(",") + ARGS.output_types = ARGS.output_type.split(",") + ARGS.output_type_analysis = ARGS.output_type_analysis.split(",") + + + results = Parallel(n_jobs=num_processors)(delayed(model_sampler)(model, bounds_path, cell_name) for bounds_path, cell_name in zip(ARGS.bounds, ARGS.bounds_name)) + + all_mean = pd.concat([result[0] for result in results], ignore_index=False) + all_median = pd.concat([result[1] for result in results], ignore_index=False) + all_quantiles = pd.concat([result[2] for result in results], ignore_index=False) + + if("mean" in ARGS.output_types): + all_mean = all_mean.fillna(0.0) + all_mean = all_mean.sort_index() + write_to_file(all_mean.T, "mean", True) + + if("median" in ARGS.output_types): + all_median = all_median.fillna(0.0) + all_median = all_median.sort_index() + write_to_file(all_median.T, "median", True) + + if("quantiles" in ARGS.output_types): + all_quantiles = all_quantiles.fillna(0.0) + all_quantiles = all_quantiles.sort_index() + write_to_file(all_quantiles.T, "quantiles", True) + + index_result = 3 + if("pFBA" in ARGS.output_type_analysis): + all_pFBA = pd.concat([result[index_result] for result in results], ignore_index=False) + all_pFBA = all_pFBA.sort_index() + write_to_file(all_pFBA.T, "pFBA", True) + index_result+=1 + if("FVA" in ARGS.output_type_analysis): + all_FVA= pd.concat([result[index_result] for result in results], ignore_index=False) + all_FVA = all_FVA.sort_index() + write_to_file(all_FVA.T, "FVA", True) + index_result+=1 + if("sensitivity" in ARGS.output_type_analysis): + all_sensitivity = pd.concat([result[index_result] for result in results], ignore_index=False) + all_sensitivity = all_sensitivity.sort_index() + write_to_file(all_sensitivity.T, "sensitivity", True) + + pass + +############################################################################## +if __name__ == "__main__": + main() \ No newline at end of file
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/flux_simulation.xml Sun Oct 13 11:38:28 2024 +0000 @@ -0,0 +1,134 @@ +<tool id="fluxSimulation" name="Flux Simulation" version="2.0.0"> + + <macros> + <import>marea_macros.xml</import> + </macros> + + <requirements> + <requirement type="package" version="1.24.4">numpy</requirement> + <requirement type="package" version="2.0.3">pandas</requirement> + <requirement type="package" version="0.29.0">cobra</requirement> + <requirement type="package" version="5.2.2">lxml</requirement> + <requirement type="package" version="1.4.2">joblib</requirement> + <requirement type="package" version="1.10.1">scipy</requirement> + </requirements> + + <command detect_errors="exit_code"> + <![CDATA[ + python $__tool_directory__/flux_simulation.py + --tool_dir $__tool_directory__ + --model_selector $cond_model.model_selector + #if $cond_model.model_selector == 'Custom' + --model $model + --model_name $model.element_identifier + #end if + --input "${",".join(map(str, $inputs))}" + #set $names = "" + #for $input_temp in $inputs: + #set $names = $names + $input_temp.element_identifier + "," + #end for + --name $names + --thinning 0 + #if $algorithm_param.algorithm == 'OPTGP': + --thinning $algorithm_param.thinning + #end if + --algorithm $algorithm_param.algorithm + --n_batches $n_batches + --n_samples $n_samples + --seed $seed + --output_type "${",".join(map(str, $output_types))}" + --output_type_analysis "${",".join(map(str, $output_types_analysis))}" + --out_log $log + ]]> + </command> + <inputs> + + <conditional name="cond_model"> + <expand macro="options_ras_to_bounds_model"/> + <when value="Custom"> + <param name="model" argument="--model" type="data" format="json, xml" label="Custom model" /> + </when> + </conditional> + + <param name="inputs" argument="--inputs" multiple="true" type="data" format="tabular, csv, tsv" label="Bound(s):" /> + + + <conditional name="algorithm_param"> + <param name="algorithm" argument="--algorithm" type="select" label="Choose sampling algorithm:"> + <option value="CBS" selected="true">CBS</option> + <option value="OPTGP">OPTGP</option> + </param> + <when value="OPTGP"> + <param name="thinning" argument="--thinning" type="integer" label="Thinning:" value="100" help="Number of iterations to wait before taking a sample."/> + </when> + + </conditional> + + + <param name="n_samples" argument="--n_samples" type="integer" label="Samples:" value="1000"/> + + <param name="n_batches" argument="--n_batches" type="integer" label="Batches:" value="10" help="This is useful for computational perfomances."/> + + <param name="seed" argument="--seed" type="integer" label="Seed:" value="0" helph="Random seed."/> + + <param type="select" argument="--output_types" multiple="true" name="output_types" label="Desired outputs from sampling"> + <option value="mean" selected="true">Mean</option> + <option value="median" selected="true">Median</option> + <option value="quantiles" selected="true">Quantiles</option> + <option value="fluxes" selected="false">All fluxes</option> + </param> + + <param type="select" argument="--output_types_analysis" multiple="true" name="output_types_analysis" label="Desired outputs from flux analysis"> + <option value="pFBA" selected="false">pFBA</option> + <option value="FVA" selected="false">FVA</option> + <option value="sensitivity" selected="false">Sensitivity reaction knock-out (Biomass)</option> + </param> + </inputs> + + + <outputs> + <data format="txt" name="log" label="Flux Simulation - Log" /> + + <data name="output" format="tabular" label="Flux Simulation - Output"> + <discover_datasets pattern="__name_and_ext__" + directory="flux_simulation" visible="true" /> + </data> + + </outputs> + + <help> + <![CDATA[ +What it does +------------- + +This tool generates flux samples starting from a model in JSON or XML format by using CBS (Corner-based sampling) or OPTGP (Improved Artificial Centering Hit-and-Run sampler) sampling algorithms. + +It can return sampled fluxes by appliying summary statistics: + - mean + - median + - quantiles (0.25, 0.50, 0.75). + +Flux analysis can be perfomed over the metabolic model: + - parsimoniuos-FBA (optimized by Biomass) + - FVA + - Biomass sensitivity analysis (single reaction knock-out). It is the ratio between the optimal of the Biomass reaction computed by FBA after knocking-out a reaction and the same over the complete model. + +Accepted files: + - A model: JSON or XML file reporting reactions and rules contained in the model. It can be ENGRO2 or a custom model. + - Context-specific bounds: generated by RAS to Bounds tool. This can be a collection of bounds too (one bounds file per context). + +Output: +------------- + +The tool generates: + - Samples: reporting the sampled fluxes for each reaction (reaction names on the rows and sample names on the columns). Format: tab-separated. + - a log file (.txt). + +**TIP**: The Batches parameter is useful to mantain in memory just a batch of samples at time. For example, if you wish to sample 10.000 points, than it is suggested to select n_samples = 1.000 and n_batches=10. +**TIP**: The Thinning parameter of the OPTGP algorithm is useful to converge to a stationary distribution (see cited articles by Galuzzi, Milazzo and Damiani). + +]]> + </help> + <expand macro="citations_fluxes" /> + +</tool> \ No newline at end of file
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/flux_to_map.py Sun Oct 13 11:38:28 2024 +0000 @@ -0,0 +1,1055 @@ +from __future__ import division +import csv +from enum import Enum +import re +import sys +import numpy as np +import pandas as pd +import itertools as it +import scipy.stats as st +import lxml.etree as ET +import math +import utils.general_utils as utils +from PIL import Image +import os +import copy +import argparse +import pyvips +from PIL import Image, ImageDraw, ImageFont +from typing import Tuple, Union, Optional, List, Dict +import matplotlib.pyplot as plt + +ERRORS = [] +########################## argparse ########################################## +ARGS :argparse.Namespace +def process_args() -> argparse.Namespace: + """ + Interfaces the script of a module with its frontend, making the user's choices for various parameters available as values in code. + + Args: + args : Always obtained (in file) from sys.argv + + Returns: + Namespace : An object containing the parsed arguments + """ + parser = argparse.ArgumentParser( + usage = "%(prog)s [options]", + description = "process some value's genes to create a comparison's map.") + + #General: + parser.add_argument( + '-td', '--tool_dir', + type = str, + required = True, + help = 'your tool directory') + + parser.add_argument('-on', '--control', type = str) + parser.add_argument('-ol', '--out_log', help = "Output log") + + #Computation details: + parser.add_argument( + '-co', '--comparison', + type = str, + default = '1vs1', + choices = ['manyvsmany', 'onevsrest', 'onevsmany']) + + parser.add_argument( + '-pv' ,'--pValue', + type = float, + default = 0.1, + help = 'P-Value threshold (default: %(default)s)') + + parser.add_argument( + '-fc', '--fChange', + type = float, + default = 1.5, + help = 'Fold-Change threshold (default: %(default)s)') + + + parser.add_argument( + '-op', '--option', + type = str, + choices = ['datasets', 'dataset_class'], + help='dataset or dataset and class') + + parser.add_argument( + '-idf', '--input_data_fluxes', + type = str, + help = 'input dataset fluxes') + + parser.add_argument( + '-icf', '--input_class_fluxes', + type = str, + help = 'sample group specification fluxes') + + parser.add_argument( + '-idsf', '--input_datas_fluxes', + type = str, + nargs = '+', + help = 'input datasets fluxes') + + parser.add_argument( + '-naf', '--names_fluxes', + type = str, + nargs = '+', + help = 'input names fluxes') + + #Output: + parser.add_argument( + "-gs", "--generate_svg", + type = utils.Bool("generate_svg"), default = True, + help = "choose whether to generate svg") + + parser.add_argument( + "-gp", "--generate_pdf", + type = utils.Bool("generate_pdf"), default = True, + help = "choose whether to generate pdf") + + parser.add_argument( + '-cm', '--custom_map', + type = str, + help='custom map to use') + + parser.add_argument( + '-mc', '--choice_map', + type = utils.Model, default = utils.Model.HMRcore, + choices = [utils.Model.HMRcore, utils.Model.ENGRO2, utils.Model.Custom]) + + parser.add_argument( + '-colorm', '--color_map', + type = str, + choices = ["jet", "viridis"]) + + args :argparse.Namespace = parser.parse_args() + args.net = True + + return args + +############################ dataset input #################################### +def read_dataset(data :str, name :str) -> pd.DataFrame: + """ + Tries to read the dataset from its path (data) as a tsv and turns it into a DataFrame. + + Args: + data : filepath of a dataset (from frontend input params or literals upon calling) + name : name associated with the dataset (from frontend input params or literals upon calling) + + Returns: + pd.DataFrame : dataset in a runtime operable shape + + Raises: + sys.exit : if there's no data (pd.errors.EmptyDataError) or if the dataset has less than 2 columns + """ + try: + dataset = pd.read_csv(data, sep = '\t', header = 0, engine='python') + except pd.errors.EmptyDataError: + sys.exit('Execution aborted: wrong format of ' + name + '\n') + if len(dataset.columns) < 2: + sys.exit('Execution aborted: wrong format of ' + name + '\n') + return dataset + +############################ dataset name ##################################### +def name_dataset(name_data :str, count :int) -> str: + """ + Produces a unique name for a dataset based on what was provided by the user. The default name for any dataset is "Dataset", thus if the user didn't change it this function appends f"_{count}" to make it unique. + + Args: + name_data : name associated with the dataset (from frontend input params) + count : counter from 1 to make these names unique (external) + + Returns: + str : the name made unique + """ + if str(name_data) == 'Dataset': + return str(name_data) + '_' + str(count) + else: + return str(name_data) + +############################ map_methods ###################################### +FoldChange = Union[float, int, str] # Union[float, Literal[0, "-INF", "INF"]] +def fold_change(avg1 :float, avg2 :float) -> FoldChange: + """ + Calculates the fold change between two gene expression values. + + Args: + avg1 : average expression value from one dataset avg2 : average expression value from the other dataset + + Returns: + FoldChange : + 0 : when both input values are 0 + "-INF" : when avg1 is 0 + "INF" : when avg2 is 0 + float : for any other combination of values + """ + if avg1 == 0 and avg2 == 0: + return 0 + elif avg1 == 0: + return '-INF' + elif avg2 == 0: + return 'INF' + else: # (threshold_F_C - 1) / (abs(threshold_F_C) + 1) con threshold_F_C > 1 + return (avg1 - avg2) / (abs(avg1) + abs(avg2)) + +def fix_style(l :str, col :Optional[str], width :str, dash :str) -> str: + """ + Produces a "fixed" style string to assign to a reaction arrow in the SVG map, assigning style properties to the corresponding values passed as input params. + + Args: + l : current style string of an SVG element + col : new value for the "stroke" style property + width : new value for the "stroke-width" style property + dash : new value for the "stroke-dasharray" style property + + Returns: + str : the fixed style string + """ + tmp = l.split(';') + flag_col = False + flag_width = False + flag_dash = False + for i in range(len(tmp)): + if tmp[i].startswith('stroke:'): + tmp[i] = 'stroke:' + col + flag_col = True + if tmp[i].startswith('stroke-width:'): + tmp[i] = 'stroke-width:' + width + flag_width = True + if tmp[i].startswith('stroke-dasharray:'): + tmp[i] = 'stroke-dasharray:' + dash + flag_dash = True + if not flag_col: + tmp.append('stroke:' + col) + if not flag_width: + tmp.append('stroke-width:' + width) + if not flag_dash: + tmp.append('stroke-dasharray:' + dash) + return ';'.join(tmp) + +# The type of d values is collapsed, losing precision, because the dict containst lists instead of tuples, please fix! +def fix_map(d :Dict[str, List[Union[float, FoldChange]]], core_map :ET.ElementTree, threshold_P_V :float, threshold_F_C :float, max_z_score :float) -> ET.ElementTree: + """ + Edits the selected SVG map based on the p-value and fold change data (d) and some significance thresholds also passed as inputs. + + Args: + d : dictionary mapping a p-value and a fold-change value (values) to each reaction ID as encoded in the SVG map (keys) + core_map : SVG map to modify + threshold_P_V : threshold for a p-value to be considered significant + threshold_F_C : threshold for a fold change value to be considered significant + max_z_score : highest z-score (absolute value) + + Returns: + ET.ElementTree : the modified core_map + + Side effects: + core_map : mut + """ + maxT = 12 + minT = 2 + grey = '#BEBEBE' + blue = '#6495ed' + red = '#ecac68' + for el in core_map.iter(): + el_id = str(el.get('id')) + if el_id.startswith('R_'): + tmp = d.get(el_id[2:]) + if tmp != None: + p_val :float = tmp[0] + f_c = tmp[1] + z_score = tmp[2] + if p_val < threshold_P_V: + if not isinstance(f_c, str): + if abs(f_c) < ((threshold_F_C - 1) / (abs(threshold_F_C) + 1)): # + col = grey + width = str(minT) + else: + if f_c < 0: + col = blue + elif f_c > 0: + col = red + width = str(max((abs(z_score) * maxT) / max_z_score, minT)) + else: + if f_c == '-INF': + col = blue + elif f_c == 'INF': + col = red + width = str(maxT) + dash = 'none' + else: + dash = '5,5' + col = grey + width = str(minT) + el.set('style', fix_style(el.get('style', ""), col, width, dash)) + return core_map + +def getElementById(reactionId :str, metabMap :ET.ElementTree) -> utils.Result[ET.Element, utils.Result.ResultErr]: + """ + Finds any element in the given map with the given ID. ID uniqueness in an svg file is recommended but + not enforced, if more than one element with the exact ID is found only the first will be returned. + + Args: + reactionId (str): exact ID of the requested element. + metabMap (ET.ElementTree): metabolic map containing the element. + + Returns: + utils.Result[ET.Element, ResultErr]: result of the search, either the first match found or a ResultErr. + """ + return utils.Result.Ok( + f"//*[@id=\"{reactionId}\"]").map( + lambda xPath : metabMap.xpath(xPath)[0]).mapErr( + lambda _ : utils.Result.ResultErr(f"No elements with ID \"{reactionId}\" found in map")) + # ^^^ we shamelessly ignore the contents of the IndexError, it offers nothing to the user. + +def styleMapElement(element :ET.Element, styleStr :str) -> None: + currentStyles :str = element.get("style", "") + if re.search(r";stroke:[^;]+;stroke-width:[^;]+;stroke-dasharray:[^;]+$", currentStyles): + currentStyles = ';'.join(currentStyles.split(';')[:-3]) + + element.set("style", currentStyles + styleStr) + +class ReactionDirection(Enum): + Unknown = "" + Direct = "_F" + Inverse = "_B" + + @classmethod + def fromDir(cls, s :str) -> "ReactionDirection": + # vvv as long as there's so few variants I actually condone the if spam: + if s == ReactionDirection.Direct.value: return ReactionDirection.Direct + if s == ReactionDirection.Inverse.value: return ReactionDirection.Inverse + return ReactionDirection.Unknown + + @classmethod + def fromReactionId(cls, reactionId :str) -> "ReactionDirection": + return ReactionDirection.fromDir(reactionId[-2:]) + +def getArrowBodyElementId(reactionId :str) -> str: + if reactionId.endswith("_RV"): reactionId = reactionId[:-3] #TODO: standardize _RV + elif ReactionDirection.fromReactionId(reactionId) is not ReactionDirection.Unknown: reactionId = reactionId[:-2] + return f"R_{reactionId}" + +def getArrowHeadElementId(reactionId :str) -> Tuple[str, str]: + """ + We attempt extracting the direction information from the provided reaction ID, if unsuccessful we provide the IDs of both directions. + + Args: + reactionId : the provided reaction ID. + + Returns: + Tuple[str, str]: either a single str ID for the correct arrow head followed by an empty string or both options to try. + """ + if reactionId.endswith("_RV"): reactionId = reactionId[:-3] #TODO: standardize _RV + elif ReactionDirection.fromReactionId(reactionId) is not ReactionDirection.Unknown: return reactionId[:-3:-1] + reactionId[:-2], "" + return f"F_{reactionId}", f"B_{reactionId}" + +class ArrowColor(Enum): + """ + Encodes possible arrow colors based on their meaning in the enrichment process. + """ + Invalid = "#BEBEBE" # gray, fold-change under treshold + Transparent = "#ffffff00" # white, not significant p-value + UpRegulated = "#ecac68" # red, up-regulated reaction + DownRegulated = "#6495ed" # blue, down-regulated reaction + + UpRegulatedInv = "#FF0000" + # ^^^ different shade of red (actually orange), up-regulated net value for a reversible reaction with + # conflicting enrichment in the two directions. + + DownRegulatedInv = "#0000FF" + # ^^^ different shade of blue (actually purple), down-regulated net value for a reversible reaction with + # conflicting enrichment in the two directions. + + @classmethod + def fromFoldChangeSign(cls, foldChange :float, *, useAltColor = False) -> "ArrowColor": + colors = (cls.DownRegulated, cls.DownRegulatedInv) if foldChange < 0 else (cls.UpRegulated, cls.UpRegulatedInv) + return colors[useAltColor] + + def __str__(self) -> str: return self.value + +class Arrow: + """ + Models the properties of a reaction arrow that change based on enrichment. + """ + MIN_W = 2 + MAX_W = 12 + + def __init__(self, width :int, col: ArrowColor, *, isDashed = False) -> None: + """ + (Private) Initializes an instance of Arrow. + + Args: + width : width of the arrow, ideally to be kept within Arrow.MIN_W and Arrow.MAX_W (not enforced). + col : color of the arrow. + isDashed : whether the arrow should be dashed, meaning the associated pValue resulted not significant. + + Returns: + None : practically, a Arrow instance. + """ + self.w = width + self.col = col + self.dash = isDashed + + def applyTo(self, reactionId :str, metabMap :ET.ElementTree, styleStr :str) -> None: + if getElementById(reactionId, metabMap).map(lambda el : styleMapElement(el, styleStr)).isErr: + ERRORS.append(reactionId) + + def styleReactionElements(self, metabMap :ET.ElementTree, reactionId :str, *, mindReactionDir = True) -> None: + if not mindReactionDir: + return self.applyTo(getArrowBodyElementId(reactionId), metabMap, self.toStyleStr()) + + # Now we style the arrow head(s): + idOpt1, idOpt2 = getArrowHeadElementId(reactionId) + self.applyTo(idOpt1, metabMap, self.toStyleStr(downSizedForTips = True)) + if idOpt2: self.applyTo(idOpt2, metabMap, self.toStyleStr(downSizedForTips = True)) + + def styleReactionElementsMeanMedian(self, metabMap :ET.ElementTree, reactionId :str, isNegative:bool) -> None: + + self.applyTo(getArrowBodyElementId(reactionId), metabMap, self.toStyleStr()) + idOpt1, idOpt2 = getArrowHeadElementId(reactionId) + + if(isNegative): + self.applyTo(idOpt2, metabMap, self.toStyleStr(downSizedForTips = True)) + self.col = ArrowColor.Transparent + self.applyTo(idOpt1, metabMap, self.toStyleStr(downSizedForTips = True)) #trasp + else: + self.applyTo(idOpt1, metabMap, self.toStyleStr(downSizedForTips = True)) + self.col = ArrowColor.Transparent + self.applyTo(idOpt2, metabMap, self.toStyleStr(downSizedForTips = True)) #trasp + + + + def getMapReactionId(self, reactionId :str, mindReactionDir :bool) -> str: + """ + Computes the reaction ID as encoded in the map for a given reaction ID from the dataset. + + Args: + reactionId: the reaction ID, as encoded in the dataset. + mindReactionDir: if True forward (F_) and backward (B_) directions will be encoded in the result. + + Returns: + str : the ID of an arrow's body or tips in the map. + """ + # we assume the reactionIds also don't encode reaction dir if they don't mind it when styling the map. + if not mindReactionDir: return "R_" + reactionId + + #TODO: this is clearly something we need to make consistent in fluxes + return (reactionId[:-3:-1] + reactionId[:-2]) if reactionId[:-2] in ["_F", "_B"] else f"F_{reactionId}" # "Pyr_F" --> "F_Pyr" + + def toStyleStr(self, *, downSizedForTips = False) -> str: + """ + Collapses the styles of this Arrow into a str, ready to be applied as part of the "style" property on an svg element. + + Returns: + str : the styles string. + """ + width = self.w + if downSizedForTips: width *= 0.8 + return f";stroke:{self.col};stroke-width:{width};stroke-dasharray:{'5,5' if self.dash else 'none'}" + +# vvv These constants could be inside the class itself a static properties, but python +# was built by brainless organisms so here we are! +INVALID_ARROW = Arrow(Arrow.MIN_W, ArrowColor.Invalid) +INSIGNIFICANT_ARROW = Arrow(Arrow.MIN_W, ArrowColor.Invalid, isDashed = True) + +def applyFluxesEnrichmentToMap(fluxesEnrichmentRes :Dict[str, Union[Tuple[float, FoldChange], Tuple[float, FoldChange, float, float]]], metabMap :ET.ElementTree, maxNumericZScore :float) -> None: + """ + Applies fluxes enrichment results to the provided metabolic map. + + Args: + fluxesEnrichmentRes : fluxes enrichment results. + metabMap : the metabolic map to edit. + maxNumericZScore : biggest finite z-score value found. + + Side effects: + metabMap : mut + + Returns: + None + """ + for reactionId, values in fluxesEnrichmentRes.items(): + pValue = values[0] + foldChange = values[1] + z_score = values[2] + + if isinstance(foldChange, str): foldChange = float(foldChange) + if pValue >= ARGS.pValue: # pValue above tresh: dashed arrow + INSIGNIFICANT_ARROW.styleReactionElements(metabMap, reactionId) + INSIGNIFICANT_ARROW.styleReactionElements(metabMap, reactionId, mindReactionDir = False) + + continue + + if abs(foldChange) < (ARGS.fChange - 1) / (abs(ARGS.fChange) + 1): + INVALID_ARROW.styleReactionElements(metabMap, reactionId) + INVALID_ARROW.styleReactionElements(metabMap, reactionId, mindReactionDir = False) + + continue + + width = Arrow.MAX_W + if not math.isinf(foldChange): + try: + width = max(abs(z_score * Arrow.MAX_W) / maxNumericZScore, Arrow.MIN_W) + + except ZeroDivisionError: pass + + #if not reactionId.endswith("_RV"): # RV stands for reversible reactions + # Arrow(width, ArrowColor.fromFoldChangeSign(foldChange)).styleReactionElements(metabMap, reactionId) + # continue + + #reactionId = reactionId[:-3] # Remove "_RV" + + inversionScore = (values[3] < 0) + (values[4] < 0) # Compacts the signs of averages into 1 easy to check score + if inversionScore == 2: foldChange *= -1 + # ^^^ Style the inverse direction with the opposite sign netValue + + # If the score is 1 (opposite signs) we use alternative colors vvv + arrow = Arrow(width, ArrowColor.fromFoldChangeSign(foldChange, useAltColor = inversionScore == 1)) + + # vvv These 2 if statements can both be true and can both happen + if ARGS.net: # style arrow head(s): + arrow.styleReactionElements(metabMap, reactionId + ("_B" if inversionScore == 2 else "_F")) + arrow.applyTo(("F_" if inversionScore == 2 else "B_") + reactionId, metabMap, f";stroke:{ArrowColor.Transparent};stroke-width:0;stroke-dasharray:None") + + arrow.styleReactionElements(metabMap, reactionId, mindReactionDir = False) + + +############################ split class ###################################### +def split_class(classes :pd.DataFrame, resolve_rules :Dict[str, List[float]]) -> Dict[str, List[List[float]]]: + """ + Generates a :dict that groups together data from a :DataFrame based on classes the data is related to. + + Args: + classes : a :DataFrame of only string values, containing class information (rows) and keys to query the resolve_rules :dict + resolve_rules : a :dict containing :float data + + Returns: + dict : the dict with data grouped by class + + Side effects: + classes : mut + """ + class_pat :Dict[str, List[List[float]]] = {} + for i in range(len(classes)): + classe :str = classes.iloc[i, 1] + if pd.isnull(classe): continue + + l :List[List[float]] = [] + for j in range(i, len(classes)): + if classes.iloc[j, 1] == classe: + pat_id :str = classes.iloc[j, 0] + tmp = resolve_rules.get(pat_id, None) + if tmp != None: + l.append(tmp) + classes.iloc[j, 1] = None + + if l: + class_pat[classe] = list(map(list, zip(*l))) + continue + + utils.logWarning( + f"Warning: no sample found in class \"{classe}\", the class has been disregarded", ARGS.out_log) + + return class_pat + +############################ conversion ############################################## +#conversion from svg to png +def svg_to_png_with_background(svg_path :utils.FilePath, png_path :utils.FilePath, dpi :int = 72, scale :int = 1, size :Optional[float] = None) -> None: + """ + Internal utility to convert an SVG to PNG (forced opaque) to aid in PDF conversion. + + Args: + svg_path : path to SVG file + png_path : path for new PNG file + dpi : dots per inch of the generated PNG + scale : scaling factor for the generated PNG, computed internally when a size is provided + size : final effective width of the generated PNG + + Returns: + None + """ + if size: + image = pyvips.Image.new_from_file(svg_path.show(), dpi=dpi, scale=1) + scale = size / image.width + image = image.resize(scale) + else: + image = pyvips.Image.new_from_file(svg_path.show(), dpi=dpi, scale=scale) + + white_background = pyvips.Image.black(image.width, image.height).new_from_image([255, 255, 255]) + white_background = white_background.affine([scale, 0, 0, scale]) + + if white_background.bands != image.bands: + white_background = white_background.extract_band(0) + + composite_image = white_background.composite2(image, 'over') + composite_image.write_to_file(png_path.show()) + +#funzione unica, lascio fuori i file e li passo in input +#conversion from png to pdf +def convert_png_to_pdf(png_file :utils.FilePath, pdf_file :utils.FilePath) -> None: + """ + Internal utility to convert a PNG to PDF to aid from SVG conversion. + + Args: + png_file : path to PNG file + pdf_file : path to new PDF file + + Returns: + None + """ + image = Image.open(png_file.show()) + image = image.convert("RGB") + image.save(pdf_file.show(), "PDF", resolution=100.0) + +#function called to reduce redundancy in the code +def convert_to_pdf(file_svg :utils.FilePath, file_png :utils.FilePath, file_pdf :utils.FilePath) -> None: + """ + Converts the SVG map at the provided path to PDF. + + Args: + file_svg : path to SVG file + file_png : path to PNG file + file_pdf : path to new PDF file + + Returns: + None + """ + svg_to_png_with_background(file_svg, file_png) + try: + convert_png_to_pdf(file_png, file_pdf) + print(f'PDF file {file_pdf.filePath} successfully generated.') + + except Exception as e: + raise utils.DataErr(file_pdf.show(), f'Error generating PDF file: {e}') + +############################ map ############################################## +def buildOutputPath(dataset1Name :str, dataset2Name = "rest", *, details = "", ext :utils.FileFormat) -> utils.FilePath: + """ + Builds a FilePath instance from the names of confronted datasets ready to point to a location in the + "result/" folder, used by this tool for output files in collections. + + Args: + dataset1Name : _description_ + dataset2Name : _description_. Defaults to "rest". + details : _description_ + ext : _description_ + + Returns: + utils.FilePath : _description_ + """ + # This function returns a util data structure but is extremely specific to this module. + # RAS also uses collections as output and as such might benefit from a method like this, but I'd wait + # TODO: until a third tool with multiple outputs appears before porting this to utils. + return utils.FilePath( + f"{dataset1Name}_vs_{dataset2Name}" + (f" ({details})" if details else ""), + # ^^^ yes this string is built every time even if the form is the same for the same 2 datasets in + # all output files: I don't care, this was never the performance bottleneck of the tool and + # there is no other net gain in saving and re-using the built string. + ext, + prefix = "result") + +FIELD_NOT_AVAILABLE = '/' +def writeToCsv(rows: List[list], fieldNames :List[str], outPath :utils.FilePath) -> None: + fieldsAmt = len(fieldNames) + with open(outPath.show(), "w", newline = "") as fd: + writer = csv.DictWriter(fd, fieldnames = fieldNames, delimiter = '\t') + writer.writeheader() + + for row in rows: + sizeMismatch = fieldsAmt - len(row) + if sizeMismatch > 0: row.extend([FIELD_NOT_AVAILABLE] * sizeMismatch) + writer.writerow({ field : data for field, data in zip(fieldNames, row) }) + +OldEnrichedScores = Dict[str, List[Union[float, FoldChange]]] #TODO: try to use Tuple whenever possible +def writeTabularResult(enrichedScores : OldEnrichedScores, outPath :utils.FilePath) -> None: + fieldNames = ["ids", "P_Value", "fold change"] + fieldNames.extend(["average_1", "average_2"]) + + writeToCsv([ [reactId] + values for reactId, values in enrichedScores.items() ], fieldNames, outPath) + +def temp_thingsInCommon(tmp :Dict[str, List[Union[float, FoldChange]]], core_map :ET.ElementTree, max_z_score :float, dataset1Name :str, dataset2Name = "rest") -> None: + # this function compiles the things always in common between comparison modes after enrichment. + # TODO: organize, name better. + writeTabularResult(tmp, buildOutputPath(dataset1Name, dataset2Name, details = "Tabular Result", ext = utils.FileFormat.TSV)) + for reactId, enrichData in tmp.items(): tmp[reactId] = tuple(enrichData) + applyFluxesEnrichmentToMap(tmp, core_map, max_z_score) + +def computePValue(dataset1Data: List[float], dataset2Data: List[float]) -> Tuple[float, float]: + """ + Computes the statistical significance score (P-value) of the comparison between coherent data + from two datasets. The data is supposed to, in both datasets: + - be related to the same reaction ID; + - be ordered by sample, such that the item at position i in both lists is related to the + same sample or cell line. + + Args: + dataset1Data : data from the 1st dataset. + dataset2Data : data from the 2nd dataset. + + Returns: + tuple: (P-value, Z-score) + - P-value from a Kolmogorov-Smirnov test on the provided data. + - Z-score of the difference between means of the two datasets. + """ + # Perform Kolmogorov-Smirnov test + ks_statistic, p_value = st.ks_2samp(dataset1Data, dataset2Data) + + # Calculate means and standard deviations + mean1 = np.mean(dataset1Data) + mean2 = np.mean(dataset2Data) + std1 = np.std(dataset1Data, ddof=1) + std2 = np.std(dataset2Data, ddof=1) + + n1 = len(dataset1Data) + n2 = len(dataset2Data) + + # Calculate Z-score + z_score = (mean1 - mean2) / np.sqrt((std1**2 / n1) + (std2**2 / n2)) + + return p_value, z_score + +def compareDatasetPair(dataset1Data :List[List[float]], dataset2Data :List[List[float]], ids :List[str]) -> Tuple[Dict[str, List[Union[float, FoldChange]]], float]: + #TODO: the following code still suffers from "dumbvarnames-osis" + tmp :Dict[str, List[Union[float, FoldChange]]] = {} + count = 0 + max_z_score = 0 + + for l1, l2 in zip(dataset1Data, dataset2Data): + reactId = ids[count] + count += 1 + if not reactId: continue # we skip ids that have already been processed + + try: + p_value, z_score = computePValue(l1, l2) + avg1 = sum(l1) / len(l1) + avg2 = sum(l2) / len(l2) + avg = fold_change(avg1, avg2) + if not isinstance(z_score, str) and max_z_score < abs(z_score): max_z_score = abs(z_score) + tmp[reactId] = [float(p_value), avg, z_score, avg1, avg2] + except (TypeError, ZeroDivisionError): continue + + return tmp, max_z_score + +def computeEnrichment(metabMap :ET.ElementTree, class_pat :Dict[str, List[List[float]]], ids :List[str]) -> None: + """ + Compares clustered data based on a given comparison mode and applies enrichment-based styling on the + provided metabolic map. + + Args: + metabMap : SVG map to modify. + class_pat : the clustered data. + ids : ids for data association. + + + Returns: + None + + Raises: + sys.exit : if there are less than 2 classes for comparison + + Side effects: + metabMap : mut + ids : mut + """ + class_pat = { k.strip() : v for k, v in class_pat.items() } + #TODO: simplfy this stuff vvv and stop using sys.exit (raise the correct utils error) + if (not class_pat) or (len(class_pat.keys()) < 2): sys.exit('Execution aborted: classes provided for comparisons are less than two\n') + + if ARGS.comparison == "manyvsmany": + for i, j in it.combinations(class_pat.keys(), 2): + #TODO: these 2 functions are always called in pair and in this order and need common data, + # some clever refactoring would be appreciated. + comparisonDict, max_z_score = compareDatasetPair(class_pat.get(i), class_pat.get(j), ids) + temp_thingsInCommon(comparisonDict, metabMap, max_z_score, i, j) + + elif ARGS.comparison == "onevsrest": + for single_cluster in class_pat.keys(): + t :List[List[List[float]]] = [] + for k in class_pat.keys(): + if k != single_cluster: + t.append(class_pat.get(k)) + + rest :List[List[float]] = [] + for i in t: + rest = rest + i + + comparisonDict, max_z_score = compareDatasetPair(class_pat.get(single_cluster), rest, ids) + temp_thingsInCommon(comparisonDict, metabMap, max_z_score, single_cluster) + + elif ARGS.comparison == "onevsmany": + controlItems = class_pat.get(ARGS.control) + for otherDataset in class_pat.keys(): + if otherDataset == ARGS.control: continue + + comparisonDict, max_z_score = compareDatasetPair(controlItems, class_pat.get(otherDataset), ids) + temp_thingsInCommon(comparisonDict, metabMap, max_z_score, ARGS.control, otherDataset) + +def createOutputMaps(dataset1Name :str, dataset2Name :str, core_map :ET.ElementTree) -> None: + svgFilePath = buildOutputPath(dataset1Name, dataset2Name, details = "SVG Map", ext = utils.FileFormat.SVG) + utils.writeSvg(svgFilePath, core_map) + + if ARGS.generate_pdf: + pngPath = buildOutputPath(dataset1Name, dataset2Name, details = "PNG Map", ext = utils.FileFormat.PNG) + pdfPath = buildOutputPath(dataset1Name, dataset2Name, details = "PDF Map", ext = utils.FileFormat.PDF) + convert_to_pdf(svgFilePath, pngPath, pdfPath) + + if not ARGS.generate_svg: os.remove(svgFilePath.show()) + +ClassPat = Dict[str, List[List[float]]] +def getClassesAndIdsFromDatasets(datasetsPaths :List[str], datasetPath :str, classPath :str, names :List[str]) -> Tuple[List[str], ClassPat]: + # TODO: I suggest creating dicts with ids as keys instead of keeping class_pat and ids separate, + # for the sake of everyone's sanity. + class_pat :ClassPat = {} + if ARGS.option == 'datasets': + num = 1 #TODO: the dataset naming function could be a generator + for path, name in zip(datasetsPaths, names): + name = name_dataset(name, num) + resolve_rules_float, ids = getDatasetValues(path, name) + if resolve_rules_float != None: + class_pat[name] = list(map(list, zip(*resolve_rules_float.values()))) + + num += 1 + + elif ARGS.option == "dataset_class": + classes = read_dataset(classPath, "class") + classes = classes.astype(str) + + resolve_rules_float, ids = getDatasetValues(datasetPath, "Dataset Class (not actual name)") + if resolve_rules_float != None: class_pat = split_class(classes, resolve_rules_float) + + return ids, class_pat + #^^^ TODO: this could be a match statement over an enum, make it happen future marea dev with python 3.12! (it's why I kept the ifs) + +#TODO: create these damn args as FilePath objects +def getDatasetValues(datasetPath :str, datasetName :str) -> Tuple[ClassPat, List[str]]: + """ + Opens the dataset at the given path and extracts the values (expected nullable numerics) and the IDs. + + Args: + datasetPath : path to the dataset + datasetName (str): dataset name, used in error reporting + + Returns: + Tuple[ClassPat, List[str]]: values and IDs extracted from the dataset + """ + dataset = read_dataset(datasetPath, datasetName) + IDs = pd.Series.tolist(dataset.iloc[:, 0].astype(str)) + + dataset = dataset.drop(dataset.columns[0], axis = "columns").to_dict("list") + return { id : list(map(utils.Float("Dataset values, not an argument"), values)) for id, values in dataset.items() }, IDs + +def rgb_to_hex(rgb): + """ + Convert RGB values (0-1 range) to hexadecimal color format. + + Args: + rgb (numpy.ndarray): An array of RGB color components (in the range [0, 1]). + + Returns: + str: The color in hexadecimal format (e.g., '#ff0000' for red). + """ + # Convert RGB values (0-1 range) to hexadecimal format + rgb = (np.array(rgb) * 255).astype(int) + return '#{:02x}{:02x}{:02x}'.format(rgb[0], rgb[1], rgb[2]) + + + +def save_colormap_image(min_value: float, max_value: float, path: utils.FilePath, colorMap:str="viridis"): + """ + Create and save an image of the colormap showing the gradient and its range. + + Args: + min_value (float): The minimum value of the colormap range. + max_value (float): The maximum value of the colormap range. + filename (str): The filename for saving the image. + """ + + # Create a colormap using matplotlib + cmap = plt.get_cmap(colorMap) + + # Create a figure and axis + fig, ax = plt.subplots(figsize=(6, 1)) + fig.subplots_adjust(bottom=0.5) + + # Create a gradient image + gradient = np.linspace(0, 1, 256) + gradient = np.vstack((gradient, gradient)) + + # Add min and max value annotations + ax.text(0, 0.5, f'{np.round(min_value, 3)}', va='center', ha='right', transform=ax.transAxes, fontsize=12, color='black') + ax.text(1, 0.5, f'{np.round(max_value, 3)}', va='center', ha='left', transform=ax.transAxes, fontsize=12, color='black') + + + # Display the gradient image + ax.imshow(gradient, aspect='auto', cmap=cmap) + ax.set_axis_off() + + # Save the image + plt.savefig(path.show(), bbox_inches='tight', pad_inches=0) + plt.close() + pass + +def min_nonzero_abs(arr): + # Flatten the array and filter out zeros, then find the minimum of the remaining values + non_zero_elements = np.abs(arr)[np.abs(arr) > 0] + return np.min(non_zero_elements) if non_zero_elements.size > 0 else None + +def computeEnrichmentMeanMedian(metabMap: ET.ElementTree, class_pat: Dict[str, List[List[float]]], ids: List[str], colormap:str) -> None: + """ + Compute and visualize the metabolic map based on mean and median of the input fluxes. + The fluxes are normalised across classes/datasets and visualised using the given colormap. + + Args: + metabMap (ET.ElementTree): An XML tree representing the metabolic map. + class_pat (Dict[str, List[List[float]]]): A dictionary where keys are class names and values are lists of enrichment values. + ids (List[str]): A list of reaction IDs to be used for coloring arrows. + + Returns: + None + """ + # Create copies only if they are needed + metabMap_mean = copy.deepcopy(metabMap) + metabMap_median = copy.deepcopy(metabMap) + + # Compute medians and means + medians = {key: np.round(np.median(np.array(value), axis=1), 6) for key, value in class_pat.items()} + means = {key: np.round(np.mean(np.array(value), axis=1),6) for key, value in class_pat.items()} + + # Normalize medians and means + max_flux_medians = max(np.max(np.abs(arr)) for arr in medians.values()) + max_flux_means = max(np.max(np.abs(arr)) for arr in means.values()) + + min_flux_medians = min(min_nonzero_abs(arr) for arr in medians.values()) + min_flux_means = min(min_nonzero_abs(arr) for arr in means.values()) + + medians = {key: median/max_flux_medians for key, median in medians.items()} + means = {key: mean/max_flux_means for key, mean in means.items()} + + save_colormap_image(min_flux_medians, max_flux_medians, utils.FilePath("Color map median", ext=utils.FileFormat.PNG, prefix="result"), colormap) + save_colormap_image(min_flux_means, max_flux_means, utils.FilePath("Color map mean", ext=utils.FileFormat.PNG, prefix="result"), colormap) + + cmap = plt.get_cmap(colormap) + + for key in class_pat: + # Create color mappings for median and mean + colors_median = { + rxn_id: rgb_to_hex(cmap(abs(medians[key][i]))) if medians[key][i] != 0 else '#bebebe' #grey blocked + for i, rxn_id in enumerate(ids) + } + + colors_mean = { + rxn_id: rgb_to_hex(cmap(abs(means[key][i]))) if means[key][i] != 0 else '#bebebe' #grey blocked + for i, rxn_id in enumerate(ids) + } + + for i, rxn_id in enumerate(ids): + isNegative = medians[key][i] < 0 + + # Apply median arrows + apply_arrow(metabMap_median, rxn_id, colors_median[rxn_id], isNegative) + + isNegative = means[key][i] < 0 + # Apply mean arrows + apply_arrow(metabMap_mean, rxn_id, colors_mean[rxn_id], isNegative) + + # Save and convert the SVG files + save_and_convert(metabMap_mean, "mean", key) + save_and_convert(metabMap_median, "median", key) + +def apply_arrow(metabMap, rxn_id, color, isNegative): + """ + Apply an arrow to a specific reaction in the metabolic map with a given color. + + Args: + metabMap (ET.ElementTree): An XML tree representing the metabolic map. + rxn_id (str): The ID of the reaction to which the arrow will be applied. + color (str): The color of the arrow in hexadecimal format. + + Returns: + None + """ + arrow = Arrow(width=5, col=color) + arrow.styleReactionElementsMeanMedian(metabMap, rxn_id, isNegative) + pass + +def save_and_convert(metabMap, map_type, key): + """ + Save the metabolic map as an SVG file and optionally convert it to PNG and PDF formats. + + Args: + metabMap (ET.ElementTree): An XML tree representing the metabolic map. + map_type (str): The type of map ('mean' or 'median'). + key (str): The key identifying the specific map. + + Returns: + None + """ + svgFilePath = utils.FilePath(f"SVG Map {map_type} - {key}", ext=utils.FileFormat.SVG, prefix="result") + utils.writeSvg(svgFilePath, metabMap) + if ARGS.generate_pdf: + pngPath = utils.FilePath(f"PNG Map {map_type} - {key}", ext=utils.FileFormat.PNG, prefix="result") + pdfPath = utils.FilePath(f"PDF Map {map_type} - {key}", ext=utils.FileFormat.PDF, prefix="result") + convert_to_pdf(svgFilePath, pngPath, pdfPath) + if not ARGS.generate_svg: + os.remove(svgFilePath.show()) + + + + +############################ MAIN ############################################# +def main() -> None: + """ + Initializes everything and sets the program in motion based on the fronted input arguments. + + Returns: + None + + Raises: + sys.exit : if a user-provided custom map is in the wrong format (ET.XMLSyntaxError, ET.XMLSchemaParseError) + """ + + global ARGS + ARGS = process_args() + + if os.path.isdir('result') == False: os.makedirs('result') + + core_map :ET.ElementTree = ARGS.choice_map.getMap( + ARGS.tool_dir, + utils.FilePath.fromStrPath(ARGS.custom_map) if ARGS.custom_map else None) + # TODO: ^^^ ugly but fine for now, the argument is None if the model isn't custom because no file was given. + # getMap will None-check the customPath and panic when the model IS custom but there's no file (good). A cleaner + # solution can be derived from my comment in FilePath.fromStrPath + + ids, class_pat = getClassesAndIdsFromDatasets(ARGS.input_datas_fluxes, ARGS.input_data_fluxes, ARGS.input_class_fluxes, ARGS.names_fluxes) + + if(ARGS.choice_map == utils.Model.HMRcore): + temp_map = utils.Model.HMRcore_no_legend + computeEnrichmentMeanMedian(temp_map.getMap(ARGS.tool_dir), class_pat, ids, ARGS.color_map) + elif(ARGS.choice_map == utils.Model.ENGRO2): + temp_map = utils.Model.ENGRO2_no_legend + computeEnrichmentMeanMedian(temp_map.getMap(ARGS.tool_dir), class_pat, ids, ARGS.color_map) + else: + computeEnrichmentMeanMedian(core_map, class_pat, ids, ARGS.color_map) + + + computeEnrichment(core_map, class_pat, ids) + + # create output files: TODO: this is the same comparison happening in "maps", find a better way to organize this + if ARGS.comparison == "manyvsmany": + for i, j in it.combinations(class_pat.keys(), 2): createOutputMaps(i, j, core_map) + return + + if ARGS.comparison == "onevsrest": + for single_cluster in class_pat.keys(): createOutputMaps(single_cluster, "rest", core_map) + return + + for otherDataset in class_pat.keys(): + if otherDataset != ARGS.control: createOutputMaps(i, j, core_map) + + if not ERRORS: return + utils.logWarning( + f"The following reaction IDs were mentioned in the dataset but weren't found in the map: {ERRORS}", + ARGS.out_log) + + print('Execution succeded') + +############################################################################### +if __name__ == "__main__": + main() \ No newline at end of file
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/flux_to_map.xml Sun Oct 13 11:38:28 2024 +0000 @@ -0,0 +1,244 @@ +<tool id="FluxToMap" name="Metabolic Flux Enrichment Analysis" version="2.0.0"> + <macros> + <import>marea_macros.xml</import> + </macros> + + <requirements> + <requirement type="package" version="1.24.4">numpy</requirement> + <requirement type="package" version="2.0.3">pandas</requirement> + <requirement type="package" version="0.13.0">seaborn</requirement> + <requirement type="package" version="1.10.1">scipy</requirement> + <requirement type="package" version="1.5.1">svglib</requirement> + <requirement type="package" version="2.2.3">pyvips</requirement> + <requirement type="package" version="2.7.1">cairosvg</requirement> + <requirement type="package" version="0.29.0">cobra</requirement> + <requirement type="package" version="5.2.2">lxml</requirement> + </requirements> + + <command detect_errors="exit_code"> + <![CDATA[ + python $__tool_directory__/flux_to_map.py + + --tool_dir $__tool_directory__ + --option $cond.type_selector + --out_log $log + --color_map $color_map + + #if $cond.type_selector == 'datasets': + + --input_datas_fluxes + #for $data in $cond.input_datasets_fluxes: + ${data.input_fluxes} + #end for + + --names_fluxes + #for $data in $cond.input_datasets_fluxes: + ${data.input_name_fluxes} + #end for + + #elif $cond.type_selector == 'dataset_class': + + --input_data_fluxes $input_data_fluxes + --input_class_fluxes $input_class_fluxes + + #end if + + --comparison ${comparis.comparison} + #if $comparis.comparison == 'onevsmany' + --control '${cond.comparis.controlgroup}' + #end if + + --choice_map '${cond_choice_map.choice_map}' + #if $cond_choice_map.choice_map == 'Custom': + --custom_map ${cond_choice_map.custom_map} + #end if + + #if $advanced.choice == 'true': + --pValue ${advanced.pValue} + --fChange ${advanced.fChange} + --generate_svg ${advanced.generateSvg} + --generate_pdf ${advanced.generatePdf} + #else + --pValue 0.05 + --fChange 1.2 + --generate_svg false + --generate_pdf true + #end if + ]]> + </command> + + <inputs> + + <conditional name="cond"> + <param name="type_selector" argument="--option" type="select" label="Input format:"> + <option value="datasets" selected="true">Fluxes of group 1 + Fluxes of group 2 + ... + Fluxes of group N</option> + <option value="dataset_class">All fluxes + sample group specification</option> + </param> + + <when value="datasets"> + <repeat name="input_datasets_fluxes" title="Fluxes dataset" min="2"> + <param name="input_fluxes" argument="--input_datas_fluxes" type="data" format="tabular, csv, tsv" label="add dataset" /> + <param name="input_name_fluxes" argument="--names_fluxes" type="text" label="Dataset's name:" value="Dataset" help="Default: Dataset" /> + </repeat> + </when> + + <when value="dataset_class"> + <param name="input_data_fluxes" argument="--input_data_fluxes" type="data" format="tabular, csv, tsv" label="All fluxes" /> + <param name="input_class_fluxes" argument="--input_class_fluxes" type="data" format="tabular, csv, tsv" label="Sample group specification" /> + </when> + </conditional> + + <conditional name="comparis"> + <param name="comparison" argument="--comparison" type="select" label="Groups comparison:"> + <option value="manyvsmany" selected="true">One vs One</option> + <option value="onevsrest">One vs All</option> + <option value="onevsmany">One vs Control</option> + </param> + <when value="onevsmany"> + <param name="controlgroup" argument="--controlgroup" type="text" label="Control group label:" value="0" help="Name of group label to be compared to others"/> + </when> + </conditional> + + <conditional name="cond_choice_map"> + <param name="choice_map" argument="--choice_map" type="select" label="Choose metabolic map:"> + <option value="ENGRO2" selected="true">ENGRO2</option> + <option value="HMRcore" >HMRcore</option> + <option value="Custom">Custom</option> + </param> + + <when value="Custom"> + <param name="custom_map" argument="--custom_map" type="data" format="xml, svg" label="custom-map.svg"/> + </when> + </conditional> + + <param name="color_map" argument="--color_map" type="select" label="Color map:"> + <option value="viridis" selected="true">Viridis</option> + <option value="jet">Jet</option> + </param> + + <conditional name="advanced"> + <param name="choice" type="boolean" checked="false" label="Use advanced options?" help="Use this options to choose custom parameters for evaluation: pValue, Fold-Change threshold, how to solve (A and NaN) and specify output maps."> + <option value="true" selected="true">No</option> + <option value="false">Yes</option> + </param> + + <when value="true"> + <param name="pValue" argument="--pValue" type="float" size="20" value="0.05" max="1" min="0" label="P-value threshold:" help="min value 0" /> + <param name="fChange" argument="--fChange" type="float" size="20" value="1.2" min="1" label="Fold-Change threshold:" help="min value 1" /> + <param name="generateSvg" argument="--generateSvg" type="boolean" checked="false" label="Generate SVG map" help="should the program generate an editable svg map of the processes?" /> + <param name="generatePdf" argument="--generatePdf" type="boolean" checked="true" label="Generate PDF map" help="should the program return a non editable (but displayble) pdf map of the processes?" /> + </when> + </conditional> + </inputs> + + <outputs> + <data format="txt" name="log" label="FluxToMap - Log" /> + <collection name="results" type="list" label="FluxToMap - Results"> + <discover_datasets pattern="__name_and_ext__" directory="result"/> + </collection> + </outputs> + + <help> + <![CDATA[ + +What it does +------------- + +This tool analyzes and visualizes differences in reactions fluxes of groups of samples, returned by the Flux Simulation tool, of groups of samples. + +Accepted files are: + - option 1) two or more fluxes datasets, each referring to samples in a given group. The user can specify a label for each group; + - option 2) one fluxes dataset and one group-file specifying the group each sample belongs to (e.g. the accepted group file is thought to be the one returned by the Clustering tool). + +Optional files: + - custom svg map. Graphical elements must have the same IDs of reactions. See HmrCore svg map for an example. + +The tool generates: + - 1) a tab-separated file: reporting fold-change and p-values of fluxes between a pair of conditions/classes; + - 2) a metabolic map file (downloadable as .svg): visualizing up- and down-regulated reactions between a pair of conditions/classes; + - 3) a log file (.txt). + +Output options: +To calculate P-Values and Fold-Changes and to enrich maps, comparisons are performed for each possible pair of groups (default option ‘One vs One’). + +Alternative options are: + - comparison of each group vs. the rest of samples (option ‘One vs Rest’) + - comparison of each group vs. a control group (option ‘One vs Control). If this option is selected the user must indicate the control group label. + +Output files will be named as classA_vs_classB. Reactions will conventionally be reported as up-regulated (down-regulated) if they are significantly more (less) active in class having label "classA". + +Example input +------------- + +"Fluxes of group 1 + Fluxes of group 2 + ... + Fluxes of group N" option: + +Fluxes Dataset 1: + ++------------+----------------+----------------+----------------+ +| Reaction ID| TCGAA62670 | TCGAA62671 | TCGAA62672 | ++============+================+================+================+ +| r1642 | 0.523167 | 0.371355 | 0.925661 | ++------------+----------------+----------------+----------------+ +| r1643 | 0.568765 | 0.765567 | 0.456789 | ++------------+----------------+----------------+----------------+ +| r1640 | 0.876545 | 0.768933 | 0.987654 | ++------------+----------------+----------------+----------------+ +| r1641 | 0.456788 | 0.876543 | 0.876542 | ++------------+----------------+----------------+----------------+ +| r1646 | 0.876543 | 0.786543 | 0.897654 | ++------------+----------------+----------------+----------------+ + +Fluxes Dataset 2: + ++------------+----------------+----------------+----------------+ +| Reaction ID| TCGAA62670 | TCGAA62671 | TCGAA62672 | ++============+================+================+================+ +| r1642 | 0.523167 | 0.371355 | 0.925661 | ++------------+----------------+----------------+----------------+ +| r1643 | 0.568765 | 0.765567 | 0.456789 | ++------------+----------------+----------------+----------------+ +| r1640 | 0.876545 | 0.768933 | 0.987654 | ++------------+----------------+----------------+----------------+ +| r1641 | 0.456788 | 0.876543 | 0.876542 | ++------------+----------------+----------------+----------------+ +| r1646 | 0.876543 | 0.786543 | 0.897654 | ++------------+----------------+----------------+----------------+ + +"Fluxes of all samples + sample group specification" option: + +Fluxes Dataset: + ++------------+----------------+----------------+----------------+ +| Reaction ID| TCGAA62670 | TCGAA62671 | TCGAA62672 | ++============+================+================+================+ +| r1642 | 0.523167 | 0.371355 | 0.925661 | ++------------+----------------+----------------+----------------+ +| r1643 | 0.568765 | 0.765567 | 0.456789 | ++------------+----------------+----------------+----------------+ +| r1640 | 0.876545 | 0.768933 | 0.987654 | ++------------+----------------+----------------+----------------+ +| r1641 | 0.456788 | 0.876543 | 0.876542 | ++------------+----------------+----------------+----------------+ +| r1646 | 0.876543 | 0.786543 | 0.897654 | ++------------+----------------+----------------+----------------+ + +Group-file + ++---------------+-----------+ +| Patient ID | Class | ++===============+===========+ +| TCGAAA3529 | MSI | ++---------------+-----------+ +| TCGAA62671 | MSS | ++---------------+-----------+ +| TCGAA62672 | MSI | ++---------------+-----------+ + + +**TIP**: If your dataset is not split into classes, use MaREA cluster analysis. + + +]]> + </help> + <expand macro="citations" /> +</tool> \ No newline at end of file
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/local/ENGRO2_rules.csv Sun Oct 13 11:38:28 2024 +0000 @@ -0,0 +1,458 @@ +,0 +EX_lac__L_e, +EX_glc__D_e, +EX_glu__L_e, +EX_gln__L_e, +EX_asp__L_e, +EX_co2_e, +EX_h_e, +EX_h2o_e, +EX_pi_e, +EX_nh4_e, +EX_o2_e, +EX_arg__L_e, +EX_pro__L_e, +EX_leu__L_e, +EX_ile__L_e, +EX_met__L_e, +EX_gly_e, +EX_phe__L_e, +EX_ser__L_e, +EX_ala__L_e, +EX_asn__L_e, +EX_fol_e, +EX_urea_e, +EX_pyr_e, +PYRt2,ENSG00000118596 or ENSG00000141526 or ENSG00000155380 +EX_gudac_e, +EX_hdca_e, +EX_ptrc_e, +EX_biomassx, +EX_gthox_e, +EX_2obut_e, +EX_val__L_e, +EX_spmd_e, +EX_sprm_e, +EX_5mthf_e, +EX_crtn_e, +EX_his__L_e, +EX_lys__L_e, +EX_cys__L_e, +EX_so3_e, +EX_thr__L_e, +EX_trp__L_e, +EX_anth_e, +EX_tyr__L_e, +EX_Lcystin_e, +EX_gthrd_e, +HEX1,ENSG00000106633 or ENSG00000156510 or ENSG00000156515 or ENSG00000159399 or ENSG00000160883 +G6PP,ENSG00000131482 or ENSG00000141349 or ENSG00000152254 +PGI,ENSG00000105220 +PFK,ENSG00000067057 or ENSG00000141959 or ENSG00000152556 +FBP,ENSG00000130957 or ENSG00000165140 +FBA,ENSG00000109107 or ENSG00000136872 or ENSG00000149925 +TPI,ENSG00000111669 +GAPD,ENSG00000105679 or ENSG00000111640 +PGK,ENSG00000102144 or ENSG00000170950 +DPGM,ENSG00000164708 or ENSG00000171314 or ENSG00000172331 +DPGase,ENSG00000164708 or ENSG00000171314 or ENSG00000172331 +PGM,ENSG00000164708 or ENSG00000171314 or ENSG00000172331 +ENO,ENSG00000074800 or ENSG00000108515 or ENSG00000111674 +PYK,ENSG00000067225 or ENSG00000143627 +LDH_L,ENSG00000111716 or ENSG00000134333 or ENSG00000151116 or ENSG00000166796 or ENSG00000166800 or ENSG00000171989 +r0407,ENSG00000109107 or ENSG00000136872 or ENSG00000149925 +PRPPS,ENSG00000101911 or ENSG00000147224 or ENSG00000229937 +G6PDH2r,ENSG00000160211 +PGL,ENSG00000049239 or ENSG00000130313 +GND,ENSG00000142657 +RPI,ENSG00000153574 +TKT2,ENSG00000007350 or ENSG00000151005 or ENSG00000163931 +RPE,ENSG00000197713 or ENSG00000235376 +TKT1,ENSG00000007350 or ENSG00000151005 or ENSG00000163931 +TALA,ENSG00000177156 +r0408,ENSG00000067057 or ENSG00000141959 or ENSG00000152556 +PDHm,ENSG00000091140 and ENSG00000110435 and ENSG00000150768 and ENSG00000168291 and (ENSG00000131828 or ENSG00000163114) +PCm,ENSG00000173599 +PEPCK_re,ENSG00000124253 +CSm,ENSG00000062485 +ACONTm,ENSG00000100412 or ENSG00000122729 +ICDHxm,ENSG00000067829 and ENSG00000101365 and ENSG00000166411 +ICDHym,ENSG00000182054 +AKGDm,ENSG00000091140 and ENSG00000105953 and ENSG00000119689 +SUCOAS1m,ENSG00000163541 and ENSG00000172340 +SUCD1m,ENSG00000073578 and ENSG00000117118 and ENSG00000143252 and ENSG00000204370 +FUMm,ENSG00000091483 +MDHm,ENSG00000146701 +ME1m,ENSG00000082212 +ME2m,ENSG00000151376 +ME2,ENSG00000065833 +ACITL,ENSG00000131473 +FUM,ENSG00000091483 +MDH,ENSG00000014641 or ENSG00000138400 +AKGMALtm,ENSG00000108528 or ENSG00000183048 +ACONT,ENSG00000122729 +ICDHyr,ENSG00000138413 +PPA,ENSG00000107902 or ENSG00000180817 +Complex1ROS,ENSG00000004779 and ENSG00000023228 and ENSG00000065518 and ENSG00000090266 and ENSG00000099795 and ENSG00000109390 and ENSG00000110717 and ENSG00000115286 and ENSG00000119013 and ENSG00000119421 and ENSG00000125356 and ENSG00000128609 and ENSG00000130414 and ENSG00000131495 and ENSG00000136521 and ENSG00000139180 and ENSG00000140990 and ENSG00000147123 and ENSG00000147684 and ENSG00000151366 and ENSG00000158864 and ENSG00000165264 and ENSG00000166136 and ENSG00000167792 and ENSG00000168653 and ENSG00000170906 and ENSG00000174886 and ENSG00000178127 and ENSG00000183648 and ENSG00000184983 and ENSG00000186010 and ENSG00000198695 and ENSG00000198763 and ENSG00000198786 and ENSG00000198840 and ENSG00000198886 and ENSG00000198888 and ENSG00000212907 and ENSG00000213619 +FADH2ETC,ENSG00000171503 and ENSG00000105379 and ENSG00000140374 +CYOR_u10mi,ENSG00000010256 and ENSG00000127540 and ENSG00000140740 and ENSG00000156467 and ENSG00000164405 and ENSG00000169021 and ENSG00000173660 and ENSG00000179091 and ENSG00000184076 and ENSG00000198727 +CYOOm2i,ENSG00000127184 and ENSG00000135940 and ENSG00000164919 and ENSG00000178741 and ENSG00000198712 and ENSG00000198804 and ENSG00000198938 and (ENSG00000111775 or ENSG00000156885) and (ENSG00000112695 or ENSG00000161281) and (ENSG00000126267 or ENSG00000160471) and (ENSG00000131055 or ENSG00000131143) and (ENSG00000131174 or ENSG00000170516) and (ENSG00000176340 or ENSG00000187581) +ATPS4mi,ENSG00000099624 and ENSG00000110955 and ENSG00000116459 and ENSG00000124172 and ENSG00000152234 and ENSG00000154723 and ENSG00000165629 and ENSG00000167283 and ENSG00000167863 and ENSG00000169020 and ENSG00000198899 and ENSG00000228253 and ENSG00000241468 and ENSG00000241837 and (ENSG00000135390 or ENSG00000154518 or ENSG00000159199) +GLUCYS,ENSG00000001084 and ENSG00000023909 +GTHS,ENSG00000100983 +SPODMm,ENSG00000112096 +GTHPi,ENSG00000117450 or ENSG00000167468 or ENSG00000167815 or ENSG00000176153 or ENSG00000233276 +GTHPm,ENSG00000165672 or ENSG00000167468 or ENSG00000233276 +GDR,ENSG00000104687 +GTHOr,ENSG00000104687 +GDRm,ENSG00000104687 +GTHOm,ENSG00000104687 +r0885,ENSG00000183048 +PYRt2m,ENSG00000060762 or ENSG00000143158 or ENSG00000155380 +HMR_4964,ENSG00000100075 +r2420,ENSG00000075415 +ATPtm,ENSG00000005022 or ENSG00000151729 or ENSG00000169100 +FUMtm,ENSG00000183048 +CO2tm, +O2tm, +r0801,ENSG00000169100 +THD1m,ENSG00000112992 +H2Otm,ENSG00000103375 +NH4tm, +HCO3E,ENSG00000074410 or ENSG00000104267 or ENSG00000107159 or ENSG00000118298 or ENSG00000131686 or ENSG00000133742 or ENSG00000164879 or ENSG00000167434 or ENSG00000168748 or ENSG00000185015 +HCO3Em,ENSG00000169239 or ENSG00000174990 +GLUN,ENSG00000115419 +GLNS,ENSG00000135821 or ENSG00000146166 +GLUt2m,ENSG00000177542 or ENSG00000182902 +GLNtm_1, +GLUNm,ENSG00000115419 or ENSG00000135423 +GLUPRT,ENSG00000128059 +PRAGSr,ENSG00000159131 +GARFT,ENSG00000159131 +PRFGS,ENSG00000178921 +PRAIS,ENSG00000159131 +AIRCr,ENSG00000128050 +PRASCSi,ENSG00000128050 +ADSL2r,ENSG00000239900 +AICART,ENSG00000138363 +IMPC,ENSG00000138363 +ADSS,ENSG00000035687 or ENSG00000185100 +ADSL1r,ENSG00000239900 +IMPDH2,ENSG00000106348 or ENSG00000178035 +GMPS,ENSG00000163655 +GMPS2,ENSG00000163655 +GK1,ENSG00000143774 +RNDR2,ENSG00000167325 and (ENSG00000048392 or ENSG00000171848) +ADK1,ENSG00000004455 or ENSG00000106992 or ENSG00000140057 or ENSG00000154027 +RNDR1,ENSG00000167325 and (ENSG00000048392 or ENSG00000171848) +CBPS,ENSG00000084774 +ASPCT,ENSG00000084774 +DHORTS,ENSG00000084774 +DHORD9,ENSG00000102967 +ORPT,ENSG00000114491 +OMPDC,ENSG00000114491 +UMPK,ENSG00000162368 +RNDR4,ENSG00000167325 and (ENSG00000048392 or ENSG00000171848) +TMDS,ENSG00000176890 +URIDK2r,ENSG00000168393 +NDPK2,ENSG00000103024 or ENSG00000143156 or ENSG00000172113 or (ENSG00000239672 and ENSG00000243678) +NDPK3,ENSG00000103024 or ENSG00000143156 or ENSG00000172113 or (ENSG00000239672 and ENSG00000243678) +CTPS1,ENSG00000047230 or ENSG00000171793 +RNDR3,ENSG00000167325 and (ENSG00000048392 or ENSG00000171848) +GDHm,ENSG00000148672 or ENSG00000182890 +GLUDym,ENSG00000148672 or ENSG00000182890 +ASPTA,ENSG00000120053 +ASPTAm,ENSG00000125166 +ASPGLUm,ENSG00000004864 or ENSG00000115840 +ASPT,ENSG00000091483 +CBPSam,ENSG00000021826 +OCBTm,ENSG00000036473 +ORNt4m,ENSG00000102743 or ENSG00000120329 +ARGSS,ENSG00000130707 +ARGSL,ENSG00000126522 +ARGN,ENSG00000118520 +ORNDC,ENSG00000115758 +SPMS,ENSG00000116649 +SPRMS,ENSG00000102172 or ENSG00000116649 +ADMDC,ENSG00000123505 +MTAP,ENSG00000099810 +ADPT,ENSG00000198931 +MTRI, +MDRPD,ENSG00000103375 or ENSG00000135517 or ENSG00000161798 or ENSG00000167580 or ENSG00000171885 or ENSG00000240583 +DKMPPD, +SPMDtex2, +SPRMti,ENSG00000175003 +GLYAMDTRc,ENSG00000171766 +ARGDr, +r0074,ENSG00000159423 +GLU5SAtmc, +G5SADs,ENSG00000159423 +PRO1x,ENSG00000143811 +P5CR,ENSG00000143811 +PROD2,ENSG00000250799 +TransportFAD, +ASNS1,ENSG00000070669 +ASNN,ENSG00000162174 or ENSG00000166183 +METS,ENSG00000116984 +METAT,ENSG00000151224 or (ENSG00000038274 and ENSG00000168906) +HMR_3915,ENSG00000150540 +AHCi,ENSG00000103375 or ENSG00000135517 or ENSG00000161798 or ENSG00000167580 or ENSG00000171885 or ENSG00000240583 +ADNK1,ENSG00000156110 +CYSTS,ENSG00000160200 +CYSTGL,ENSG00000116761 +MTHFR3,ENSG00000177000 +UNK2, +UNK3, +5MTHFt,ENSG00000110195 or ENSG00000110203 +ILETA,ENSG00000060982 +3MOPt2im, +ILETAm,ENSG00000105552 +LEUTA,ENSG00000060982 +4MOPt2im, +LEUTAm,ENSG00000105552 +OIVD1m,ENSG00000083123 and ENSG00000091140 and ENSG00000137992 and ENSG00000248098 +ACOAD8m,ENSG00000128928 +MCCCrm,ENSG00000078070 and ENSG00000131844 +MGCHrm,ENSG00000148090 +HMGCOAtm, +VALTA,ENSG00000060982 +3MOBt2im, +VALTAim,ENSG00000105552 +OIVD2m,ENSG00000083123 and ENSG00000091140 and ENSG00000137992 and ENSG00000248098 +ACOAD9m,ENSG00000117054 or ENSG00000151498 +ECOAH12m,ENSG00000127884 or (ENSG00000084754 and ENSG00000138029) +3HBCOAHLm, +HIBDm,ENSG00000106049 +r0643,ENSG00000072210 or ENSG00000111275 or ENSG00000137124 or ENSG00000143149 or ENSG00000164904 +MMSAD1m,ENSG00000119711 +MMTSADm, +PCC, +MMALH, +MMEm,ENSG00000124370 +MMMm,ENSG00000146085 +ILEtmi, +LEUt5m, +VALt5m, +PGCD,ENSG00000092621 +PSERT,ENSG00000135069 +PSP_L,ENSG00000146733 +GHMT2r,ENSG00000176974 +SERD_L,ENSG00000135094 or ENSG00000139410 +ALATA_L,ENSG00000166123 or ENSG00000167701 +r1435, +GLYtm, +GHMT2rm,ENSG00000182199 +MLTHFtm, +r0962,ENSG00000164933 +FORtm, +r0514,ENSG00000228716 +DHFRim,ENSG00000228716 +FTHFLmi,ENSG00000100714 or ENSG00000120254 +MTHFCm,ENSG00000065911 +MTHFDm,ENSG00000065911 or ENSG00000100714 +FOLR2,ENSG00000228716 +DHFR,ENSG00000228716 +FTHFLi,ENSG00000100714 +FTHFDH,ENSG00000136010 or ENSG00000144908 +MTHFC,ENSG00000100714 +MTHFD,ENSG00000100714 or ENSG00000177000 +MTHFD2i,ENSG00000065911 or ENSG00000163738 +ACACT1r,ENSG00000120437 +HMGCOAS,ENSG00000112972 +HMGCOAR,ENSG00000113161 +MEVK1,ENSG00000110921 +PMEVK,ENSG00000163344 +IPDDI,ENSG00000067064 or ENSG00000148377 +DPMVD,ENSG00000167508 +DMATT,ENSG00000152904 +GRTT,ENSG00000152904 +HMR_1465,ENSG00000079459 +HMR_1467,ENSG00000079459 +SMO,ENSG00000104549 +LNSTLS,ENSG00000160285 +HMR_1477,ENSG00000001630 +HMR_1478,ENSG00000001630 +HMR_1479,ENSG00000001630 +C14STR,ENSG00000143815 or ENSG00000149809 +HMR_1490,ENSG00000052802 or ENSG00000170271 +HMR_1493,ENSG00000052802 or ENSG00000170271 +HMR_1494,ENSG00000052802 or ENSG00000170271 +C3STDH1,ENSG00000147383 +HMR_1495,ENSG00000147383 or ENSG00000183305 +HMR_1500,ENSG00000132196 +HMR_1502,ENSG00000052802 or ENSG00000170271 +HMR_1503,ENSG00000052802 or ENSG00000170271 +HMR_1504,ENSG00000052802 or ENSG00000170271 +HMR_1505,ENSG00000147383 +HMR_1509,ENSG00000132196 +CHLSTI_1,ENSG00000147155 +HMR_1516,ENSG00000109929 +RE2410C, +DSMSTOLR,ENSG00000116133 +ACCOAC,ENSG00000076555 or ENSG00000278540 +FASN,ENSG00000169710 +MCAT,ENSG00000169710 +AcetoacetylACPsynthesis,ENSG00000169710 +r0691,ENSG00000169710 +r0681,ENSG00000169710 +r0682,ENSG00000169710 +r0760,ENSG00000169710 +r0761,ENSG00000169710 +r0762,ENSG00000169710 +r0763,ENSG00000169710 +r0764,ENSG00000169710 +r0694,ENSG00000169710 +r0695,ENSG00000169710 +r0765,ENSG00000169710 +r0766,ENSG00000169710 +r0692,ENSG00000169710 +r0693,ENSG00000169710 +r0767,ENSG00000169710 +r0768,ENSG00000169710 +r0769,ENSG00000169710 +r0770,ENSG00000169710 +r0712,ENSG00000169710 +r0713,ENSG00000169710 +r0701,ENSG00000169710 +r0702,ENSG00000169710 +r0771,ENSG00000169710 +r0772,ENSG00000169710 +r0696,ENSG00000169710 +r0697,ENSG00000169710 +r0773,ENSG00000169710 +FA160ACPH,ENSG00000152463 or ENSG00000169710 +palmitateActivation,ENSG00000068366 or ENSG00000123983 or ENSG00000151726 or ENSG00000164398 +carnitineAcylTransferaseI,ENSG00000110090 or ENSG00000169169 or ENSG00000205560 +CARN160t_m,ENSG00000178537 +carnitineAcylTransferaseII,ENSG00000157184 +betaOxidation,ENSG00000072778 and ENSG00000084754 and ENSG00000105379 and ENSG00000115361 and ENSG00000117054 and ENSG00000127884 and ENSG00000138029 and ENSG00000140374 and ENSG00000161533 and ENSG00000167315 +Biomass, +GLCt1,ENSG00000059804 or ENSG00000100170 or ENSG00000100191 or ENSG00000105641 or ENSG00000109667 or ENSG00000115665 or ENSG00000117394 or ENSG00000117834 or ENSG00000133460 or ENSG00000136856 or ENSG00000138074 or ENSG00000140675 or ENSG00000142583 or ENSG00000146411 or ENSG00000148942 or ENSG00000151229 or ENSG00000154025 or ENSG00000158865 or ENSG00000160326 or ENSG00000163581 or ENSG00000173262 or ENSG00000181856 or ENSG00000197241 or ENSG00000197496 or ENSG00000198743 or ENSG00000256870 +O2t, +gln_L_t,(ENSG00000130876 and ENSG00000168003) or ENSG00000017483 or ENSG00000188338 or (ENSG00000130876 and ENSG00000168003) or ENSG00000103257 or ENSG00000103064 or ENSG00000103064 or ENSG00000103064 or ENSG00000149150 or ENSG00000268104 or (ENSG00000164363 and ENSG00000147003) or ENSG00000111371 or ENSG00000268104 or ENSG00000134294 or ENSG00000139209 or (ENSG00000174358 and ENSG00000147003) or (ENSG00000174358 and ENSG00000130234) +r0963,ENSG00000110195 or ENSG00000110203 or ENSG00000165457 +arg_L_t,ENSG00000268104 or ENSG00000103064 or ENSG00000021488 or ENSG00000268104 or (ENSG00000164363 and ENSG00000147003) or ENSG00000139514 or ENSG00000003989 or ENSG00000165349 or ENSG00000103064 or (ENSG00000168003 and ENSG00000155465) or (ENSG00000103064 and ENSG00000168003) +phe_L_t,ENSG00000134294 or ENSG00000165349 or ENSG00000268104 or ENSG00000003989 or ENSG00000111371 or ENSG00000139514 or ENSG00000139209 or (ENSG00000174358 and (ENSG00000147003 or ENSG00000130234)) or ENSG00000112394 or ENSG00000278550 or ENSG00000149150 or ENSG00000103257 or ENSG00000103064 or ENSG00000103064 or ENSG00000103064 or ENSG00000268104 or ENSG00000092068 or (ENSG00000164363 and ENSG00000147003) +ile_L_t,ENSG00000268104 or (ENSG00000174358 and ENSG00000147003) or (ENSG00000174358 and ENSG00000130234) or ENSG00000149150 or ENSG00000278550 or ENSG00000103257 or ENSG00000103064 or ENSG00000103064 or ENSG00000103064 or ENSG00000268104 or (ENSG00000164363 and ENSG00000147003) +leu_L_t,ENSG00000111371 or ENSG00000165349 or ENSG00000168003 or ENSG00000003989 or ENSG00000139514 or ENSG00000268104 or ENSG00000139209 or (ENSG00000174358 and ENSG00000147003) or (ENSG00000174358 and ENSG00000130234) or ENSG00000149150 or ENSG00000278550 or ENSG00000103257 or ENSG00000103064 or ENSG00000103064 or ENSG00000103064 or ENSG00000268104 or ENSG00000149150 or (ENSG00000164363 and ENSG00000147003) +val_L_t,ENSG00000268104 or (ENSG00000174358 and ENSG00000147003) or (ENSG00000174358 and ENSG00000130234) or ENSG00000149150 or ENSG00000278550 or ENSG00000103257 or ENSG00000103064 or ENSG00000103064 or ENSG00000103064 or ENSG00000268104 or (ENSG00000164363 and ENSG00000147003) +met_L_t,ENSG00000111371 or ENSG00000268104 or ENSG00000134294 or ENSG00000197375 or (ENSG00000174358 and ENSG00000147003) or (ENSG00000174358 and ENSG00000130234) or ENSG00000149150 or ENSG00000278550 or ENSG00000103257 or ENSG00000103064 or ENSG00000103064 or ENSG00000103064 or ENSG00000268104 or (ENSG00000164363 and ENSG00000147003) +ser_L_t,ENSG00000111371 or ENSG00000268104 or ENSG00000134294 or ENSG00000139209 or (ENSG00000174358 and ENSG00000147003) or (ENSG00000174358 and ENSG00000130234) or ENSG00000017483 or ENSG00000103257 or ENSG00000103064 or ENSG00000103064 or ENSG00000103064 or ENSG00000123643 or ENSG00000149150 or ENSG00000268104 or (ENSG00000164363 and ENSG00000147003) +gly_t,(ENSG00000130876 and ENSG00000168003) or ENSG00000111371 or ENSG00000268104 or ENSG00000134294 or ENSG00000139209 or (ENSG00000174358 and ENSG00000147003) or (ENSG00000174358 and ENSG00000130234) or ENSG00000196517 or ENSG00000196517 or (ENSG00000130876 and ENSG00000168003) or ENSG00000103257 or ENSG00000103064 or ENSG00000103064 or ENSG00000103064 or ENSG00000165970 or ENSG00000017483 or (ENSG00000164363 and ENSG00000147003) or ENSG00000186335 or ENSG00000123643 +asn_L_t,ENSG00000111371 or ENSG00000268104 or ENSG00000134294 or ENSG00000139209 or (ENSG00000174358 and ENSG00000147003) or (ENSG00000174358 and ENSG00000130234) or ENSG00000017483 or ENSG00000188338 or ENSG00000103257 or ENSG00000103064 or ENSG00000103064 or ENSG00000103064 or ENSG00000149150 or ENSG00000268104 or (ENSG00000164363 and ENSG00000147003) +pro_L_t,ENSG00000139209 or ENSG00000111371 or ENSG00000134294 or (ENSG00000174358 and ENSG00000147003) or (ENSG00000174358 and ENSG00000130234) or ENSG00000103257 or ENSG00000103064 or ENSG00000103064 or ENSG00000103064 or ENSG00000011083 or (ENSG00000163817 and ENSG00000147003) or ENSG00000180773 or ENSG00000186335 or ENSG00000123643 or ENSG00000011083 +HDCAt,ENSG00000125166 or ENSG00000130304 or ENSG00000135218 or ENSG00000167114 +GTHRDt2, +DmLact,ENSG00000100156 or ENSG00000118596 or ENSG00000141526 or ENSG00000155380 or ENSG00000256870 +UREAt,ENSG00000132874 or ENSG00000141469 +DmBiomass, +NH4t, +PTRCtex2, +GUDACtr2, +Dm2oxobutyrate, +H2Ot,ENSG00000103375 or ENSG00000135517 or ENSG00000161798 or ENSG00000167580 or ENSG00000171885 or ENSG00000240583 +PHLACHt, +CO2t, +DmGSSG, +glu_L_t,ENSG00000105143 or ENSG00000106688 or ENSG00000079215 or ENSG00000110436 or ENSG00000162383 or ENSG00000188338 or ENSG00000137204 or (ENSG00000164363 and ENSG00000147003) +ala_L_t,ENSG00000134294 or ENSG00000003989 or ENSG00000268104 or ENSG00000139514 or ENSG00000111371 or ENSG00000139209 or ENSG00000165349 or (ENSG00000174358 and ENSG00000147003) or (ENSG00000174358 and ENSG00000130234) or ENSG00000017483 or ENSG00000188338 or ENSG00000103257 or ENSG00000103064 or ENSG00000103064 or ENSG00000103064 or ENSG00000268104 or ENSG00000115902 or (ENSG00000164363 and ENSG00000147003) or ENSG00000180773 or ENSG00000186335 or ENSG00000123643 or ENSG00000017483 +asp_L_t,ENSG00000105143 or ENSG00000106688 or ENSG00000079215 or ENSG00000110436 or ENSG00000162383 or ENSG00000188338 +ATPM, +GACMTRc,ENSG00000130005 +CKc_cho,ENSG00000104879 or ENSG00000166165 +CRTNsyn_cho, +CRTNtr, +NDPK1,ENSG00000103024 or ENSG00000143156 or ENSG00000172113 or (ENSG00000239672 and ENSG00000243678) +NDPK5,ENSG00000103024 or ENSG00000143156 or ENSG00000172113 or (ENSG00000239672 and ENSG00000243678) +NDPK8,ENSG00000103024 or ENSG00000143156 or ENSG00000172113 or (ENSG00000239672 and ENSG00000243678) +NDPK7,ENSG00000103024 or ENSG00000143156 or ENSG00000172113 or (ENSG00000239672 and ENSG00000243678) +DTMPK,ENSG00000168393 +NDPK4,ENSG00000103024 or ENSG00000143156 or ENSG00000172113 or (ENSG00000239672 and ENSG00000243678) +his_L_t,ENSG00000268104 or ENSG00000134294 or ENSG00000139209 or ENSG00000188338 or ENSG00000103064 or ENSG00000103064 or ENSG00000021488 or ENSG00000017483 or ENSG00000268104 or ENSG00000196517 +PTRCOX1,ENSG00000002726 or ENSG00000131471 or ENSG00000131480 +ABUTD,ENSG00000143149 +r0465_1,ENSG00000172508 +ABUTH,ENSG00000103375 or ENSG00000135517 or ENSG00000161798 or ENSG00000167580 or ENSG00000171885 or ENSG00000240583 +GLUDC,ENSG00000136750 or ENSG00000128683 +HISDr,ENSG00000084110 +URCN,ENSG00000103375 or ENSG00000135517 or ENSG00000161798 or ENSG00000167580 or ENSG00000171885 or ENSG00000240583 +IZPN,ENSG00000139344 +GluForTx,ENSG00000160282 +FTCD,ENSG00000160282 +NBAHH_ir,ENSG00000103375 or ENSG00000135517 or ENSG00000161798 or ENSG00000167580 or ENSG00000171885 or ENSG00000240583 +r0283,ENSG00000172508 +ASP1DC,ENSG00000128683 +lys_L_t,ENSG00000268104 or ENSG00000197375 or ENSG00000139514 or ENSG00000003989 or ENSG00000139209 or ENSG00000165349 or ENSG00000103064 or ENSG00000103064 or ENSG00000021488 or ENSG00000268104 +LYStm,ENSG00000102743 or ENSG00000120329 +SACCD3m,ENSG00000008311 +r0525,ENSG00000008311 +AASAD3m, +r0450,ENSG00000109576 +2OXOADOXm,ENSG00000091140 and ENSG00000105953 and ENSG00000110435 and ENSG00000119689 +GLUTCOADHm,ENSG00000105607 +3HBCDm,ENSG00000121310 +HACD1m,ENSG00000138796 or ENSG00000072506 or (ENSG00000084754 and ENSG00000138029) +HMGCOASm,ENSG00000134240 +cys_L_t,ENSG00000268104 or ENSG00000134294 or (ENSG00000174358 and ENSG00000147003) or (ENSG00000174358 and ENSG00000130234) or ENSG00000278550 or ENSG00000103257 or ENSG00000103064 or ENSG00000103064 or ENSG00000103064 or ENSG00000268104 or ENSG00000017483 or (ENSG00000164363 and ENSG00000147003) +CYSO,ENSG00000129596 +3SALATAi,ENSG00000120053 +3SALAASPm,ENSG00000004864 or ENSG00000115840 +3SALATAim,ENSG00000125166 +3SPYRSP, +3SPYRSPm, +HMR_3951, +ExSulfitem, +tyr_L_t,ENSG00000112394 or ENSG00000268104 or (ENSG00000174358 and ENSG00000147003) or (ENSG00000174358 and ENSG00000130234) or ENSG00000103257 or ENSG00000103064 or ENSG00000103064 or ENSG00000103064 or ENSG00000268104 or (ENSG00000164363 and ENSG00000147003) +TYRTA,ENSG00000120053 or ENSG00000198650 +34HPPOR,ENSG00000158104 +HGNTOR,ENSG00000113924 +MACACI,ENSG00000100577 +FUMAC,ENSG00000103876 +AACOAT,ENSG00000081760 +thr_L_t,ENSG00000268104 or ENSG00000111371 or ENSG00000134294 or (ENSG00000174358 and ENSG00000147003) or (ENSG00000174358 and ENSG00000130234) or ENSG00000103257 or ENSG00000103064 or ENSG00000103064 or ENSG00000103064 or ENSG00000149150 or ENSG00000268104 +THRD_L,ENSG00000135094 or ENSG00000139410 +OBDHc, +PPCOAtm, +trp_L_t,ENSG00000268104 or (ENSG00000174358 and ENSG00000147003) or (ENSG00000174358 and ENSG00000130234) or ENSG00000103257 or ENSG00000103064 or ENSG00000103064 or ENSG00000103064 or ENSG00000268104 or ENSG00000103257 or (ENSG00000164363 and ENSG00000147003) or ENSG00000180773 or ENSG00000112394 +TRPO2,ENSG00000131203 or ENSG00000188676 or ENSG00000151790 +FKYNH,ENSG00000183077 +KYN,ENSG00000115919 +ANTHte, +KYN3OX,ENSG00000117009 +HKYNH,ENSG00000115919 +3HAO,ENSG00000162882 +PCLAD,ENSG00000153086 +AM6SAD, +AMCOXO, +2OXOADPTm,ENSG00000183032 +CystinePyruvate, +r0027,ENSG00000184470 or ENSG00000198431 +HMR_3996, +CYSGLTH, +ACACT1m,ENSG00000075239 or (ENSG00000084754 and ENSG00000138029) +G3PD1ir,ENSG00000167588 +GLYC3Ptm, +G3PDm, +DHAPtm, +Transport_ala_B_c_e, +EX_ala_B_e, +TMDK1,ENSG00000166548 or ENSG00000167900 +THYMDt1,ENSG00000112759 or ENSG00000174669 +EX_thymd_e, +Transport_HC00576_c_e, +EX_HC00576_e, +Transport_4abut_c_e, +EX_4abut_e, +GLUVESSEC,ENSG00000091664 or ENSG00000179520 or ENSG00000104888 +EX_chsterol_e, +r1050, +EX_gal_e, +GALt1r,ENSG00000136856 or ENSG00000117394 or ENSG00000059804 or ENSG00000163581 or ENSG00000197496 +GALK,ENSG00000108479 or ENSG00000156958 +UGLT,ENSG00000213930 +PGMT,ENSG00000079739 or ENSG00000169299 +UDPG4E,ENSG00000117308 +t_Lcystin_ala__L,ENSG00000021488 and ENSG00000138079 +t_Lcystin_glu__L,ENSG00000151012 and ENSG00000168003 +t_Lcystin_leu__L,ENSG00000021488 and ENSG00000138079 +t_Lcystin_ser__L,ENSG00000138079 and ENSG00000021488
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/local/desktop.ini Sun Oct 13 11:38:28 2024 +0000 @@ -0,0 +1,6 @@ +[.ShellClassInfo] +IconResource=C:\WINDOWS\System32\SHELL32.dll,4 +[ViewState] +Mode= +Vid= +FolderType=Generic
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/local/medium/medium.csv Sun Oct 13 11:38:28 2024 +0000 @@ -0,0 +1,35 @@ +engro2_name,RPMI 1640,DMEM,EMEM,DMEM:F12 = 1:1,McCoy's 5A,IMDM,MEM,GMEM,Leibovitz's L-15,F12,F10,AMEM,Waymouth MB 7521 medium,F12K,William's E Medium,Medium 199,MCDB 105,NEAA,RPMI:F12 = 1:1,RPMI:MEM = 1:1,RPMI:EMEM = 1:1,EMEM:F12 = 1:1,DMEM:RPMI = 2:1,DMEM:IMDM = 1:1,MCDB 105:Medium 199 = 1:1,allOpen +EX_Lcystin_e,0.20766774,0.20127796,0.09904154,0.09996805,0.0,0.29201278,0.09904154,0.09904154,0.0,0.0,0.0,0.09904154,0.0625,0.0,0.08329073,0.108333334,0.0,0.0,0.10383387,0.15335464,0.15335464,0.04952077,0.20340788666666665,0.24664537000000003,0.054166667,1000 +EX_ala__L_e,0.0,0.0,0.0,0.049999997,0.15617977,0.28089887,0.0,0.0,2.52809,0.099999994,0.101123594,0.28089887,0.0,0.20224719,1.011236,0.28089887,0.030337078,10.0,0.049999997,0.0,0.0,0.049999997,0.0,0.140449435,0.15561797400000002,1000 +EX_arg__L_e,1.1494253,0.39810428,0.5971564,0.69905216,0.19952606,0.39810428,0.5971564,0.19905214,2.8735633,1.0,1.0,0.49763033,0.35545024,2.0,0.28735632,0.33175355,0.29952607,0.0,1.07471265,0.8732908500000001,0.8732908500000001,0.7985782,0.64854462,0.39810428,0.31563980999999997,1000 +EX_asn__L_e,0.37878788,0.0,0.0,0.05,0.3409091,0.18939394,0.0,0.0,1.8939394,0.10006667,0.1,0.33333334,0.0,0.2,0.13333334,0.0,0.1,10.0,0.239427275,0.18939394,0.18939394,0.050033335,0.12626262666666668,0.09469697,0.05,1000 +EX_asp__L_e,0.15037593,0.0,0.0,0.05,0.15015037,0.22556391,0.0,0.0,0.0,0.1,0.09774436,0.22556391,0.45112783,0.2,0.22556391,0.22556391,0.1,10.0,0.125187965,0.075187965,0.075187965,0.05,0.05012531,0.112781955,0.162781955,1000 +EX_chsterol_e,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.00051679584,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.00025839792,1000 +EX_cys__L_e,0.0,0.0,0.0,0.09977272,0.2603306,0.0,0.0,0.0,0.9917355,0.19954544,0.20661157,0.5681818,0.5041322,0.39772728,0.3305785,0.0005681818,0.0,0.0,0.09977272,0.0,0.0,0.09977272,0.0,0.0,0.0002840909,1000 +EX_fol_e,0.0022675737,0.009070295,0.0022675737,0.0060090707,0.022675738,0.009070295,0.0022675737,0.0045351475,0.0022675737,0.0029478457,0.0029478457,0.0022675737,0.0011337869,0.0029478457,0.0022675737,2.2675737e-05,0.001171875,0.0,0.0026077097,0.0022675737,0.0022675737,0.0026077097,0.006802721233333334,0.009070295,0.0005972753685,1000 +EX_gal_e,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,5.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1000 +EX_glc__D_e,11.111111,25.0,5.5555553,17.505556,16.666666,25.0,5.5555553,25.0,0.0,10.011111,6.111111,5.5555553,27.777779,7.0,11.111111,5.5555553,5.5555553,0.0,10.561111,8.33333315,8.33333315,7.78333315,20.370370333333334,25.0,5.5555553,1000 +EX_gln__L_e,2.0547945,3.9726028,2.0,2.5,1.5013698,4.0,2.0,2.0,2.0547945,1.0,1.0,2.0,2.3972602,2.0,0.0,0.6849315,0.0,0.0,1.52739725,2.02739725,2.02739725,1.5,3.333333366666667,3.9863014000000003,0.34246575,1000 +EX_glu__L_e,0.13605443,0.0,0.0,0.05,0.15034014,0.5102041,0.0,0.0,0.0,0.1,0.1,0.5102041,1.0204082,0.19727892,0.34013605,0.5102041,0.029931974,10.0,0.118027215,0.068027215,0.068027215,0.05,0.04535147666666667,0.25510205,0.27006803700000004,1000 +EX_gly_e,0.13333334,0.4,0.0,0.25,0.1,0.4,0.0,0.0,2.6666667,0.1,0.1,0.6666667,0.6666667,0.2,0.6666667,0.6666667,0.030666666,10.0,0.11666667,0.06666667,0.06666667,0.05,0.31111111333333336,0.4,0.348666683,1000 +EX_gthrd_e,0.0032573289,0.0,0.0,0.0,0.0016286644,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.048859935,0.0,0.00016286645,0.00016286645,0.0,0.0,0.00162866445,0.00162866445,0.00162866445,0.0,0.0010857763,0.0,8.1433225e-05,1000 +EX_hdca_e,0.0,0.0,0.0,0.00014999999,0.0,0.0,0.0,0.0,0.0,0.00029999999,0.0,0.0,0.0,0.0,0.00010169491,0.0,0.0,0.0,0.000149999995,0.0,0.0,0.000149999995,0.0,0.0,0.0,1000 +EX_his__L_e,0.09677419,0.2,0.2,0.14990476,0.09980952,0.2,0.2,0.1,1.6129032,0.1,0.10952381,0.2,0.82580644,0.21809523,0.09677419,0.10419047,0.2,0.0,0.09838709500000001,0.148387095,0.148387095,0.15000000000000002,0.16559139666666667,0.2,0.152095235,1000 +EX_ile__L_e,0.3816794,0.8015267,0.39694658,0.41580153,0.300458,0.8015267,0.39694658,0.39694658,1.908397,0.030534351,0.019847328,0.4,0.1908397,0.060152672,0.3816794,0.3053435,0.5038168,0.0,0.2061068755,0.38931298999999997,0.38931298999999997,0.2137404655,0.6615776000000001,0.8015267,0.40458014999999997,1000 +EX_leu__L_e,0.3816794,0.8015267,0.39694658,0.45076334,0.300458,0.8015267,0.39694658,0.39694658,0.9541985,0.1,0.099236645,0.39694658,0.3816794,0.2,0.57251906,0.45801526,1.0,0.0,0.2408397,0.38931298999999997,0.38931298999999997,0.24847329,0.6615776000000001,0.8015267,0.72900763,1000 +EX_lys__L_e,0.2739726,0.7978142,0.3989071,0.4986339,0.19945355,0.7978142,0.3989071,0.3989071,0.51369864,0.19945355,0.15846995,0.3989071,1.3114754,0.3989071,0.47792348,0.38251367,0.9945355,0.0,0.236713075,0.33643985,0.33643985,0.299180325,0.6232003333333334,0.7978142,0.688524585,1000 +EX_met__L_e,0.10067114,0.20134228,0.10067114,0.11570469,0.099999994,0.20134228,0.10067114,0.10067114,0.5033557,0.030201342,0.030201342,0.10067114,0.33557048,0.06013423,0.10067114,0.10067114,0.10067114,0.0,0.065436241,0.10067114,0.10067114,0.065436241,0.16778523333333337,0.20134228,0.10067114,1000 +EX_phe__L_e,0.09090909,0.4,0.19393939,0.2150303,0.1,0.4,0.19393939,0.2,0.75757575,0.030303031,0.030303031,0.19393939,0.3030303,0.060121212,0.15151516,0.15151516,0.2,0.0,0.0606060605,0.14242423999999998,0.14242423999999998,0.1121212105,0.29696969666666667,0.4,0.17575758000000002,1000 +EX_pi_e,5.633803,0.91558444,1.0144928,0.9530394099999999,4.2028985,0.9057971,1.0144928,0.89855075,1.77920467,1.0,1.6926885,1.0144928,2.7001757,1.23784074,1.0144928,1.0144928,0.5,0.0,3.3169015,3.3241479000000003,3.3241479000000003,1.0072464,2.4883239600000002,0.91069077,0.7572464,1000 +EX_pro__L_e,0.17391305,0.0,0.0,0.15,0.15043478,0.3478261,0.0,0.0,0.0,0.3,0.1,0.3478261,0.4347826,0.6,0.26086956,0.3478261,0.1,10.0,0.236956525,0.086956525,0.086956525,0.15,0.05797101666666667,0.17391305,0.22391305,1000 +EX_ptrc_e,0.0,0.0,0.0,0.0005031056,0.0,0.0,0.0,0.0,0.0,0.001,0.0,0.0,0.0,0.0019875776,0.0,0.0,1.242236e-06,0.0,0.0005,0.0,0.0,0.0005,0.0,0.0,6.21118e-07,1000 +EX_pyr_e,0.0,0.0,0.0,0.5,0.0,1.0,0.0,0.0,5.0,1.0,1.0,1.0,0.0,2.0,0.22727273,0.0,1.0,0.0,0.5,0.0,0.0,0.5,0.0,0.5,0.5,1000 +EX_ser__L_e,0.2857143,0.4,0.0,0.25,0.25047618,0.4,0.0,0.0,1.9047619,0.1,0.1,0.23809524,0.0,0.2,0.0952381,0.23809524,0.30476192,10.0,0.19285714999999998,0.14285715,0.14285715,0.05,0.36190476666666666,0.4,0.27142858000000003,1000 +EX_thr__L_e,0.16806723,0.79831934,0.40336135,0.44915968,0.15042016,0.79831934,0.40336135,0.39999998,2.5210085,0.099999994,0.0302521,0.40336135,0.6302521,0.19327731,0.33613446,0.25210086,0.10084034,0.0,0.134033612,0.28571429000000004,0.28571429000000004,0.251680672,0.5882353033333333,0.79831934,0.17647059999999998,1000 +EX_thymd_e,0.0,0.0,0.0,0.0015082645,0.0,0.0,0.0,0.0,0.0,0.002892562,0.002892562,0.041322313,0.0,0.002892562,0.0,0.0,9.917356e-05,0.0,0.001446281,0.0,0.0,0.001446281,0.0,0.0,4.958678e-05,1000 +EX_trp__L_e,0.024509804,0.078431375,0.04901961,0.04421569,0.0151960775,0.078431375,0.04901961,0.039215688,0.09803922,0.01,0.0029411765,0.04901961,0.19607843,0.020098038,0.04901961,0.04901961,0.020098038,0.0,0.017254902,0.036764707,0.036764707,0.029509805,0.060457517999999995,0.078431375,0.034558824,1000 +EX_tyr__L_e,0.11111111,0.39779004,0.19923371,0.21375479,0.1,0.46222222,0.19923371,0.19923371,1.6574585,0.02980916,0.010038313,0.23111111,0.22099447,0.051526718,0.19406131,0.22222222,0.1,0.0,0.07046013500000001,0.15517241,0.15517241,0.114521435,0.3022303966666667,0.43000613,0.16111111,1000 +EX_val__L_e,0.17094018,0.8034188,0.3931624,0.4517094,0.15042736,0.8034188,0.3931624,0.4,0.85470086,0.1,0.02991453,0.3931624,0.5555556,0.1965812,0.42735043,0.21367522,1.0,0.0,0.13547009,0.28205129,0.28205129,0.2465812,0.5925925933333334,0.8034188,0.60683761,1000 +EX_o2_e,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,0.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000 +EX_h_e,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,0.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000 +EX_h2o_e,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,0.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000.0,1000
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/local/models/ENGRO2.xml Sun Oct 13 11:38:28 2024 +0000 @@ -0,0 +1,11558 @@ +<?xml version="1.0" encoding="UTF-8"?> +<sbml xmlns="http://www.sbml.org/sbml/level3/version1/core" xmlns:fbc="http://www.sbml.org/sbml/level3/version1/fbc/version2" metaid="meta_" sboTerm="SBO:0000624" level="3" version="1" fbc:required="false"> + <model metaid="meta_dc" id="dc" name="Empty model structure" fbc:strict="true"> + <listOfUnitDefinitions> + <unitDefinition id="mmol_per_gDW_per_hr"> + <listOfUnits> + <unit kind="mole" exponent="1" scale="-3" multiplier="1"/> + <unit kind="gram" exponent="-1" scale="0" multiplier="1"/> + <unit kind="second" exponent="-1" scale="0" multiplier="3600"/> + </listOfUnits> + </unitDefinition> + </listOfUnitDefinitions> + <listOfCompartments> + <compartment id="C_c" name="cytosol" constant="true"/> + <compartment id="C_m" name="mitochondrium" constant="true"/> + <compartment id="C_e" name="extracellular" constant="true"/> + </listOfCompartments> + <listOfSpecies> + <species metaid="meta_M_accoa_c" sboTerm="SBO:0000299" id="M_accoa_c" name="acetylCoAc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C23H34N7O17P3S"/> + <species metaid="meta_M_accoa_m" sboTerm="SBO:0000299" id="M_accoa_m" name="acetylCoAm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C23H34N7O17P3S"/> + <species metaid="meta_M_pyr_m" sboTerm="SBO:0000299" id="M_pyr_m" name="pyruvatem" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C3H3O3"/> + <species metaid="meta_M_pyr_c" sboTerm="SBO:0000299" id="M_pyr_c" name="pyruvatec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C3H3O3"/> + <species metaid="meta_M_lac__L_c" sboTerm="SBO:0000299" id="M_lac__L_c" name="lactatec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C3H5O3"/> + <species metaid="meta_M_lac__L_e" sboTerm="SBO:0000299" id="M_lac__L_e" name="lactatex" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C3H5O3"/> + <species metaid="meta_M_f6p_c" sboTerm="SBO:0000299" id="M_f6p_c" name="fructose6phosphatec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H11O9P"/> + <species metaid="meta_M_fdp_c" sboTerm="SBO:0000299" id="M_fdp_c" name="fructose1_6bisphosphatec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H10O12P2"/> + <species metaid="meta_M_pep_c" sboTerm="SBO:0000299" id="M_pep_c" name="PEPc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C3H2O6P"/> + <species metaid="meta_M_2pg_c" sboTerm="SBO:0000299" id="M_2pg_c" name="2phosphoDglyceratec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C3H4O7P"/> + <species metaid="meta_M_13dpg_c" sboTerm="SBO:0000299" id="M_13dpg_c" name="1_3bisphosphoDglyceratec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C3H4O10P2"/> + <species metaid="meta_M_23dpg_c" sboTerm="SBO:0000299" id="M_23dpg_c" name="2_3bisphosphoDglyceratec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C3H3O10P2"/> + <species metaid="meta_M_g3p_c" sboTerm="SBO:0000299" id="M_g3p_c" name="GAPc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C3H5O6P"/> + <species metaid="meta_M_dhap_c" sboTerm="SBO:0000299" id="M_dhap_c" name="DHAPc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C3H5O6P"/> + <species metaid="meta_M_g6p_c" sboTerm="SBO:0000299" id="M_g6p_c" name="glucose6phosphatec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H11O9P"/> + <species metaid="meta_M_glc__D_c" sboTerm="SBO:0000299" id="M_glc__D_c" name="glucosec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H12O6"/> + <species metaid="meta_M_glc__D_e" sboTerm="SBO:0000299" id="M_glc__D_e" name="glucosex" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H12O6"/> + <species metaid="meta_M_3pg_c" sboTerm="SBO:0000299" id="M_3pg_c" name="3phosphoDglyceratec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C3H4O7P"/> + <species metaid="meta_M_ficytC_m" sboTerm="SBO:0000299" id="M_ficytC_m" name="ferricytochromeCm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C42H54FeN8O6S2"/> + <species metaid="meta_M_focytC_m" sboTerm="SBO:0000299" id="M_focytC_m" name="ferrocytochromeCm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C42H54FeN8O6S2"/> + <species metaid="meta_M_mal__L_c" sboTerm="SBO:0000299" id="M_mal__L_c" name="malatec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C4H4O5"/> + <species metaid="meta_M_mal__L_m" sboTerm="SBO:0000299" id="M_mal__L_m" name="malatem" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C4H4O5"/> + <species metaid="meta_M_oaa_c" sboTerm="SBO:0000299" id="M_oaa_c" name="OAAc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C4H2O5"/> + <species metaid="meta_M_oaa_m" sboTerm="SBO:0000299" id="M_oaa_m" name="OAAm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C4H2O5"/> + <species metaid="meta_M_q10_m" sboTerm="SBO:0000299" id="M_q10_m" name="ubiquinonem" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C59H90O4"/> + <species metaid="meta_M_q10h2_m" sboTerm="SBO:0000299" id="M_q10h2_m" name="ubiquinolm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C59H92O4"/> + <species metaid="meta_M_succoa_m" sboTerm="SBO:0000299" id="M_succoa_m" name="succinylCoAm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C25H35N7O19P3S"/> + <species metaid="meta_M_succ_m" sboTerm="SBO:0000299" id="M_succ_m" name="succinatem" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C4H4O4"/> + <species metaid="meta_M_icit_c" sboTerm="SBO:0000299" id="M_icit_c" name="isocitratec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H5O7"/> + <species metaid="meta_M_icit_m" sboTerm="SBO:0000299" id="M_icit_m" name="isocitratem" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H5O7"/> + <species metaid="meta_M_akg_c" sboTerm="SBO:0000299" id="M_akg_c" name="AKGc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C5H4O5"/> + <species metaid="meta_M_akg_m" sboTerm="SBO:0000299" id="M_akg_m" name="AKGm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C5H4O5"/> + <species metaid="meta_M_cit_c" sboTerm="SBO:0000299" id="M_cit_c" name="citratec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H5O7"/> + <species metaid="meta_M_cit_m" sboTerm="SBO:0000299" id="M_cit_m" name="citratem" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H5O7"/> + <species metaid="meta_M_fum_c" sboTerm="SBO:0000299" id="M_fum_c" name="fumaratec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C4H2O4"/> + <species metaid="meta_M_fum_m" sboTerm="SBO:0000299" id="M_fum_m" name="fumaratem" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C4H2O4"/> + <species metaid="meta_M_6pgl_c" sboTerm="SBO:0000299" id="M_6pgl_c" name="glucono1_5lactone6phosphatec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H9O9P"/> + <species metaid="meta_M_r5p_c" sboTerm="SBO:0000299" id="M_r5p_c" name="ribose5phosphatec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C5H9O8P"/> + <species metaid="meta_M_ru5p__D_c" sboTerm="SBO:0000299" id="M_ru5p__D_c" name="ribulose5phosphatec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C5H9O8P"/> + <species metaid="meta_M_xu5p__D_c" sboTerm="SBO:0000299" id="M_xu5p__D_c" name="Dxylulose5phosphatec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C5H9O8P"/> + <species metaid="meta_M_e4p_c" sboTerm="SBO:0000299" id="M_e4p_c" name="erythrose4phosphatec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C4H7O7P"/> + <species metaid="meta_M_6pgc_c" sboTerm="SBO:0000299" id="M_6pgc_c" name="6phosphoDgluconatec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H10O10P"/> + <species metaid="meta_M_HC00361_c" sboTerm="SBO:0000299" id="M_HC00361_c" name="sedoheptulose1_7bisphosphatec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C7H12O13P2"/> + <species metaid="meta_M_s7p_c" sboTerm="SBO:0000299" id="M_s7p_c" name="sedoheptulose7phosphatec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C7H13O10P"/> + <species metaid="meta_M_glu__L_c" sboTerm="SBO:0000299" id="M_glu__L_c" name="glutamatec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C5H8NO4"/> + <species metaid="meta_M_glu__L_m" sboTerm="SBO:0000299" id="M_glu__L_m" name="glutamatem" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C5H8NO4"/> + <species metaid="meta_M_glu__L_e" sboTerm="SBO:0000299" id="M_glu__L_e" name="glutamatex" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C5H8NO4"/> + <species metaid="meta_M_gln__L_c" sboTerm="SBO:0000299" id="M_gln__L_c" name="glutaminec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C5H10N2O3"/> + <species metaid="meta_M_gln__L_e" sboTerm="SBO:0000299" id="M_gln__L_e" name="glutaminex" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C5H10N2O3"/> + <species metaid="meta_M_gln__L_m" sboTerm="SBO:0000299" id="M_gln__L_m" name="glutaminem" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C5H10N2O3"/> + <species metaid="meta_M_asp__L_c" sboTerm="SBO:0000299" id="M_asp__L_c" name="aspartatec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C4H6NO4"/> + <species metaid="meta_M_asp__L_m" sboTerm="SBO:0000299" id="M_asp__L_m" name="aspartatem" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C4H6NO4"/> + <species metaid="meta_M_asp__L_e" sboTerm="SBO:0000299" id="M_asp__L_e" name="aspartatex" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C4H6NO4"/> + <species metaid="meta_M_atp_c" sboTerm="SBO:0000299" id="M_atp_c" name="ATPc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C10H12N5O13P3"/> + <species metaid="meta_M_atp_m" sboTerm="SBO:0000299" id="M_atp_m" name="ATPm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C10H12N5O13P3"/> + <species metaid="meta_M_coa_c" sboTerm="SBO:0000299" id="M_coa_c" name="CoAc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C21H32N7O16P3S"/> + <species metaid="meta_M_coa_m" sboTerm="SBO:0000299" id="M_coa_m" name="CoAm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C21H32N7O16P3S"/> + <species metaid="meta_M_amp_c" sboTerm="SBO:0000299" id="M_amp_c" name="AMPc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C10H12N5O7P"/> + <species metaid="meta_M_ppi_c" sboTerm="SBO:0000299" id="M_ppi_c" name="Ppic" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="HO7P2"/> + <species metaid="meta_M_adp_c" sboTerm="SBO:0000299" id="M_adp_c" name="ADPc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C10H12N5O10P2"/> + <species metaid="meta_M_adp_m" sboTerm="SBO:0000299" id="M_adp_m" name="ADPm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C10H12N5O10P2"/> + <species metaid="meta_M_nad_c" sboTerm="SBO:0000299" id="M_nad_c" name="NADc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C21H26N7O14P2"/> + <species metaid="meta_M_nad_m" sboTerm="SBO:0000299" id="M_nad_m" name="NADm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C21H26N7O14P2"/> + <species metaid="meta_M_nadh_c" sboTerm="SBO:0000299" id="M_nadh_c" name="NADHc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C21H27N7O14P2"/> + <species metaid="meta_M_nadh_m" sboTerm="SBO:0000299" id="M_nadh_m" name="NADHm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C21H27N7O14P2"/> + <species metaid="meta_M_co2_c" sboTerm="SBO:0000299" id="M_co2_c" name="CO2c" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="CO2"/> + <species metaid="meta_M_co2_m" sboTerm="SBO:0000299" id="M_co2_m" name="CO2m" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="CO2"/> + <species metaid="meta_M_co2_e" sboTerm="SBO:0000299" id="M_co2_e" name="CO2x" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="CO2"/> + <species metaid="meta_M_h_c" sboTerm="SBO:0000299" id="M_h_c" name="Hc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="H"/> + <species metaid="meta_M_h_m" sboTerm="SBO:0000299" id="M_h_m" name="Hm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="H"/> + <species metaid="meta_M_h_e" sboTerm="SBO:0000299" id="M_h_e" name="Hx" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="H"/> + <species metaid="meta_M_h2o_c" sboTerm="SBO:0000299" id="M_h2o_c" name="H2Oc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="H2O"/> + <species metaid="meta_M_h2o_m" sboTerm="SBO:0000299" id="M_h2o_m" name="H2Om" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="H2O"/> + <species metaid="meta_M_h2o_e" sboTerm="SBO:0000299" id="M_h2o_e" name="H2Ox" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="H2O"/> + <species metaid="meta_M_nadp_c" sboTerm="SBO:0000299" id="M_nadp_c" name="NADPc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C21H25N7O17P3"/> + <species metaid="meta_M_nadp_m" sboTerm="SBO:0000299" id="M_nadp_m" name="NADPm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C21H25N7O17P3"/> + <species metaid="meta_M_nadph_c" sboTerm="SBO:0000299" id="M_nadph_c" name="NADPHc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C21H26N7O17P3"/> + <species metaid="meta_M_nadph_m" sboTerm="SBO:0000299" id="M_nadph_m" name="NADPHm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C21H26N7O17P3"/> + <species metaid="meta_M_ump_c" sboTerm="SBO:0000299" id="M_ump_c" name="UMPc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C9H11N2O9P"/> + <species metaid="meta_M_udp_c" sboTerm="SBO:0000299" id="M_udp_c" name="UDPc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C9H11N2O12P2"/> + <species metaid="meta_M_utp_c" sboTerm="SBO:0000299" id="M_utp_c" name="UTPc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C9H11N2O15P3"/> + <species metaid="meta_M_pi_c" sboTerm="SBO:0000299" id="M_pi_c" name="Pic" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="HO4P"/> + <species metaid="meta_M_pi_m" sboTerm="SBO:0000299" id="M_pi_m" name="Pim" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="HO4P"/> + <species metaid="meta_M_cdp_c" sboTerm="SBO:0000299" id="M_cdp_c" name="CDPc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C9H12N3O11P2"/> + <species metaid="meta_M_ctp_c" sboTerm="SBO:0000299" id="M_ctp_c" name="CTPc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C9H12N3O14P3"/> + <species metaid="meta_M_hco3_c" sboTerm="SBO:0000299" id="M_hco3_c" name="HCO3c" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="CHO3"/> + <species metaid="meta_M_hco3_m" sboTerm="SBO:0000299" id="M_hco3_m" name="HCO3m" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="CHO3"/> + <species metaid="meta_M_fad_c" sboTerm="SBO:0000299" id="M_fad_c" name="FADc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C27H31N9O15P2"/> + <species metaid="meta_M_fad_m" sboTerm="SBO:0000299" id="M_fad_m" name="FADm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C27H31N9O15P2"/> + <species metaid="meta_M_fadh2_c" sboTerm="SBO:0000299" id="M_fadh2_c" name="FADH2c" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C27H33N9O15P2"/> + <species metaid="meta_M_fadh2_m" sboTerm="SBO:0000299" id="M_fadh2_m" name="FADH2m" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C27H33N9O15P2"/> + <species metaid="meta_M_gmp_c" sboTerm="SBO:0000299" id="M_gmp_c" name="GMPc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C10H12N5O8P"/> + <species metaid="meta_M_gdp_c" sboTerm="SBO:0000299" id="M_gdp_c" name="GDPc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C10H12N5O11P2"/> + <species metaid="meta_M_gtp_c" sboTerm="SBO:0000299" id="M_gtp_c" name="GTPc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C10H12N5O14P3"/> + <species metaid="meta_M_gdp_m" sboTerm="SBO:0000299" id="M_gdp_m" name="GDPm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C10H12N5O11P2"/> + <species metaid="meta_M_gtp_m" sboTerm="SBO:0000299" id="M_gtp_m" name="GTPm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C10H12N5O14P3"/> + <species metaid="meta_M_nh4_c" sboTerm="SBO:0000299" id="M_nh4_c" name="NH3c" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="H4N"/> + <species metaid="meta_M_nh4_m" sboTerm="SBO:0000299" id="M_nh4_m" name="NH3m" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="H4N"/> + <species metaid="meta_M_nh4_e" sboTerm="SBO:0000299" id="M_nh4_e" name="NH3x" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="H4N"/> + <species metaid="meta_M_o2_c" sboTerm="SBO:0000299" id="M_o2_c" name="O2c" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="O2"/> + <species metaid="meta_M_o2_m" sboTerm="SBO:0000299" id="M_o2_m" name="O2m" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="O2"/> + <species metaid="meta_M_o2_e" sboTerm="SBO:0000299" id="M_o2_e" name="O2x" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="O2"/> + <species metaid="meta_M_arg__L_c" sboTerm="SBO:0000299" id="M_arg__L_c" name="argininec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H15N4O2"/> + <species metaid="meta_M_arg__L_e" sboTerm="SBO:0000299" id="M_arg__L_e" name="argininex" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H15N4O2"/> + <species metaid="meta_M_argsuc_c" sboTerm="SBO:0000299" id="M_argsuc_c" name="argininosuccinatec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C10H17N4O6"/> + <species metaid="meta_M_pro__L_c" sboTerm="SBO:0000299" id="M_pro__L_c" name="prolinec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C5H9NO2"/> + <species metaid="meta_M_pro__L_e" sboTerm="SBO:0000299" id="M_pro__L_e" name="prolinex" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C5H9NO2"/> + <species metaid="meta_M_leu__L_c" sboTerm="SBO:0000299" id="M_leu__L_c" name="leucinec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H13NO2"/> + <species metaid="meta_M_leu__L_e" sboTerm="SBO:0000299" id="M_leu__L_e" name="leucinex" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H13NO2"/> + <species metaid="meta_M_leu__L_m" sboTerm="SBO:0000299" id="M_leu__L_m" name="leucinem" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H13NO2"/> + <species metaid="meta_M_ile__L_c" sboTerm="SBO:0000299" id="M_ile__L_c" name="isoleucinec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H13NO2"/> + <species metaid="meta_M_ile__L_e" sboTerm="SBO:0000299" id="M_ile__L_e" name="isoleucinex" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H13NO2"/> + <species metaid="meta_M_ile__L_m" sboTerm="SBO:0000299" id="M_ile__L_m" name="isoleucinem" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H13NO2"/> + <species metaid="meta_M_cys__L_c" sboTerm="SBO:0000299" id="M_cys__L_c" name="cysteinec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C3H7NO2S"/> + <species metaid="meta_M_met__L_c" sboTerm="SBO:0000299" id="M_met__L_c" name="methioninec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C5H11NO2S"/> + <species metaid="meta_M_met__L_e" sboTerm="SBO:0000299" id="M_met__L_e" name="methionine" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C5H11NO2S"/> + <species metaid="meta_M_gly_c" sboTerm="SBO:0000299" id="M_gly_c" name="glycinec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C2H5NO2"/> + <species metaid="meta_M_gly_m" sboTerm="SBO:0000299" id="M_gly_m" name="glycinem" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C2H5NO2"/> + <species metaid="meta_M_gly_e" sboTerm="SBO:0000299" id="M_gly_e" name="glycinex" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C2H5NO2"/> + <species metaid="meta_M_phe__L_c" sboTerm="SBO:0000299" id="M_phe__L_c" name="phenylalaninec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C9H11NO2"/> + <species metaid="meta_M_phe__L_e" sboTerm="SBO:0000299" id="M_phe__L_e" name="phenylalaninex" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C9H11NO2"/> + <species metaid="meta_M_tyr__L_c" sboTerm="SBO:0000299" id="M_tyr__L_c" name="tyrosinec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C9H11NO3"/> + <species metaid="meta_M_ser__L_c" sboTerm="SBO:0000299" id="M_ser__L_c" name="serinec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C3H7NO3"/> + <species metaid="meta_M_ser__L_m" sboTerm="SBO:0000299" id="M_ser__L_m" name="serinem" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C3H7NO3"/> + <species metaid="meta_M_ser__L_e" sboTerm="SBO:0000299" id="M_ser__L_e" name="serinex" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C3H7NO3"/> + <species metaid="meta_M_thf_c" sboTerm="SBO:0000299" id="M_thf_c" name="THFc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C19H21N7O6"/> + <species metaid="meta_M_thf_m" sboTerm="SBO:0000299" id="M_thf_m" name="THFm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C19H21N7O6"/> + <species metaid="meta_M_mlthf_c" sboTerm="SBO:0000299" id="M_mlthf_c" name="5_10methyleneTHFc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C20H21N7O6"/> + <species metaid="meta_M_mlthf_m" sboTerm="SBO:0000299" id="M_mlthf_m" name="5_10methyleneTHFm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C20H21N7O6"/> + <species metaid="meta_M_3php_c" sboTerm="SBO:0000299" id="M_3php_c" name="3phosphonooxypyruvatec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C3H2O7P"/> + <species metaid="meta_M_pser__L_c" sboTerm="SBO:0000299" id="M_pser__L_c" name="3phosphoserinec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C3H6NO6P"/> + <species metaid="meta_M_cbp_c" sboTerm="SBO:0000299" id="M_cbp_c" name="carbamoylphosphatec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="CH2NO5P"/> + <species metaid="meta_M_cbasp_c" sboTerm="SBO:0000299" id="M_cbasp_c" name="NcarbamoylLaspartatec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C5H6N2O5"/> + <species metaid="meta_M_dhor__S_c" sboTerm="SBO:0000299" id="M_dhor__S_c" name="Sdihydroorotatec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C5H5N2O4"/> + <species metaid="meta_M_orot5p_c" sboTerm="SBO:0000299" id="M_orot5p_c" name="orotidine5phosphatec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C10H10N2O11P"/> + <species metaid="meta_M_orot_c" sboTerm="SBO:0000299" id="M_orot_c" name="orotatec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C5H3N2O4"/> + <species metaid="meta_M_prpp_c" sboTerm="SBO:0000299" id="M_prpp_c" name="PRPPc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C5H8O14P3"/> + <species metaid="meta_M_dudp_c" sboTerm="SBO:0000299" id="M_dudp_c" name="dUDPc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C9H11N2O11P2"/> + <species metaid="meta_M_dump_c" sboTerm="SBO:0000299" id="M_dump_c" name="dUMPc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C9H11N2O8P"/> + <species metaid="meta_M_dtmp_c" sboTerm="SBO:0000299" id="M_dtmp_c" name="dTMPc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C10H13N2O8P"/> + <species metaid="meta_M_dhf_c" sboTerm="SBO:0000299" id="M_dhf_c" name="dihydrofolatec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C19H19N7O6"/> + <species metaid="meta_M_dhf_m" sboTerm="SBO:0000299" id="M_dhf_m" name="dihydrofolatem" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C19H19N7O6"/> + <species metaid="meta_M_dcdp_c" sboTerm="SBO:0000299" id="M_dcdp_c" name="dCDPc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C9H12N3O10P2"/> + <species metaid="meta_M_pram_c" sboTerm="SBO:0000299" id="M_pram_c" name="5phosphoribosylaminec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C5H11NO7P"/> + <species metaid="meta_M_imp_c" sboTerm="SBO:0000299" id="M_imp_c" name="IMPc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C10H11N4O8P"/> + <species metaid="meta_M_dcamp_c" sboTerm="SBO:0000299" id="M_dcamp_c" name="adenylosuccinatec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C14H14N5O11P"/> + <species metaid="meta_M_gar_c" sboTerm="SBO:0000299" id="M_gar_c" name="GARc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C7H14N2O8P"/> + <species metaid="meta_M_10fthf_c" sboTerm="SBO:0000299" id="M_10fthf_c" name="10formylTHFc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C20H21N7O7"/> + <species metaid="meta_M_10fthf_m" sboTerm="SBO:0000299" id="M_10fthf_m" name="10formylTHFm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C20H21N7O7"/> + <species metaid="meta_M_fgam_c" sboTerm="SBO:0000299" id="M_fgam_c" name="NformylGARc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C8H13N2O9P"/> + <species metaid="meta_M_air_c" sboTerm="SBO:0000299" id="M_air_c" name="AIRc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C8H12N3O7P"/> + <species metaid="meta_M_5aizc_c" sboTerm="SBO:0000299" id="M_5aizc_c" name="5phosphoribosyl4carboxy5aminoimidazolec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C9H11N3O9P"/> + <species metaid="meta_M_25aics_c" sboTerm="SBO:0000299" id="M_25aics_c" name="SAICARc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C13H15N4O12P"/> + <species metaid="meta_M_aicar_c" sboTerm="SBO:0000299" id="M_aicar_c" name="AICARc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C9H13N4O8P"/> + <species metaid="meta_M_fprica_c" sboTerm="SBO:0000299" id="M_fprica_c" name="FAICARc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C10H13N4O9P"/> + <species metaid="meta_M_dgdp_c" sboTerm="SBO:0000299" id="M_dgdp_c" name="dGDPc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C10H12N5O10P2"/> + <species metaid="meta_M_ala__L_c" sboTerm="SBO:0000299" id="M_ala__L_c" name="alaninec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C3H7NO2"/> + <species metaid="meta_M_ala__L_e" sboTerm="SBO:0000299" id="M_ala__L_e" name="alaninex" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C3H7NO2"/> + <species metaid="meta_M_dadp_c" sboTerm="SBO:0000299" id="M_dadp_c" name="dADPc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C10H12N5O9P2"/> + <species metaid="meta_M_malcoa_c" sboTerm="SBO:0000299" id="M_malcoa_c" name="malonylCoAc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C24H33N7O19P3S"/> + <species metaid="meta_M_asn__L_c" sboTerm="SBO:0000299" id="M_asn__L_c" name="asparaginec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C4H8N2O3"/> + <species metaid="meta_M_asn__L_e" sboTerm="SBO:0000299" id="M_asn__L_e" name="asparaginex" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C4H8N2O3"/> + <species metaid="meta_M_for_c" sboTerm="SBO:0000299" id="M_for_c" name="formatec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="CH1O2"/> + <species metaid="meta_M_for_m" sboTerm="SBO:0000299" id="M_for_m" name="formatem" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="CH1O2"/> + <species metaid="meta_M_methf_c" sboTerm="SBO:0000299" id="M_methf_c" name="5_10methenylTHFc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C20H20N7O6"/> + <species metaid="meta_M_methf_m" sboTerm="SBO:0000299" id="M_methf_m" name="5_10methenylTHFm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C20H20N7O6"/> + <species metaid="meta_M_fol_c" sboTerm="SBO:0000299" id="M_fol_c" name="folatec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C19H18N7O6"/> + <species metaid="meta_M_fol_m" sboTerm="SBO:0000299" id="M_fol_m" name="folatem" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C19H18N7O6"/> + <species metaid="meta_M_fol_e" sboTerm="SBO:0000299" id="M_fol_e" name="folatex" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C19H18N7O6"/> + <species metaid="meta_M_citr__L_c" sboTerm="SBO:0000299" id="M_citr__L_c" name="citrullinec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H13N3O3"/> + <species metaid="meta_M_citr__L_m" sboTerm="SBO:0000299" id="M_citr__L_m" name="citrullinem" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H13N3O3"/> + <species metaid="meta_M_orn_c" sboTerm="SBO:0000299" id="M_orn_c" name="ornithinec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C5H13N2O2"/> + <species metaid="meta_M_orn_m" sboTerm="SBO:0000299" id="M_orn_m" name="ornithinem" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C5H13N2O2"/> + <species metaid="meta_M_cbp_m" sboTerm="SBO:0000299" id="M_cbp_m" name="carbamoylphosphatem" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="CH2NO5P"/> + <species metaid="meta_M_urea_c" sboTerm="SBO:0000299" id="M_urea_c" name="ureac" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="CH4N2O"/> + <species metaid="meta_M_urea_e" sboTerm="SBO:0000299" id="M_urea_e" name="ureax" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="CH4N2O"/> + <species metaid="meta_M_pyr_e" sboTerm="SBO:0000299" id="M_pyr_e" name="pyruvatex" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C3H3O3"/> + <species metaid="meta_M_2kmb_c" sboTerm="SBO:0000299" id="M_2kmb_c" name="4methylthio2oxobutanoicacidc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C5H7O3S"/> + <species metaid="meta_M_gudac_c" sboTerm="SBO:0000299" id="M_gudac_c" name="guanidinoacetatec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C3H7N3O2"/> + <species metaid="meta_M_gudac_e" sboTerm="SBO:0000299" id="M_gudac_e" name="guanidinoacetatex" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C3H7N3O2"/> + <species metaid="meta_M_fpram_c" sboTerm="SBO:0000299" id="M_fpram_c" name="5phosphoribosylformylglycinamidinec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C8H15N3O8P"/> + <species metaid="meta_M_aacoa_c" sboTerm="SBO:0000299" id="M_aacoa_c" name="acetoacetylCoAc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C25H36N7O18P3S"/> + <species metaid="meta_M_hmgcoa_c" sboTerm="SBO:0000299" id="M_hmgcoa_c" name="HMGCoAc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C27H39N7O20P3S"/> + <species metaid="meta_M_ipdp_c" sboTerm="SBO:0000299" id="M_ipdp_c" name="isopentenylpPPc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C5H9O7P2"/> + <species metaid="meta_M_frdp_c" sboTerm="SBO:0000299" id="M_frdp_c" name="farnesylPPc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C15H25O7P2"/> + <species metaid="meta_M_chsterol_c" sboTerm="SBO:0000299" id="M_chsterol_c" name="cholesterolc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C27H46O"/> + <species metaid="meta_M_ACP_c" sboTerm="SBO:0000299" id="M_ACP_c" name="ACPc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0"/> + <species metaid="meta_M_acACP_c" sboTerm="SBO:0000299" id="M_acACP_c" name="acetylACPc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0"/> + <species metaid="meta_M_malACP_c" sboTerm="SBO:0000299" id="M_malACP_c" name="malonylACPc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0"/> + <species metaid="meta_M_HC01587_c" sboTerm="SBO:0000299" id="M_HC01587_c" name="acetoacetylACPc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0"/> + <species metaid="meta_M_hdca_c" sboTerm="SBO:0000299" id="M_hdca_c" name="palmitatec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C16H31O2"/> + <species metaid="meta_M_hdca_e" sboTerm="SBO:0000299" id="M_hdca_e" name="palmitatex" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C16H31O2"/> + <species metaid="meta_M_ptrc_c" sboTerm="SBO:0000299" id="M_ptrc_c" name="putrescinec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C4H14N2"/> + <species metaid="meta_M_ptrc_e" sboTerm="SBO:0000299" id="M_ptrc_e" name="putrescinex" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C4H14N2"/> + <species metaid="meta_M_glu5sa_c" sboTerm="SBO:0000299" id="M_glu5sa_c" name="Lglu5semialdehydec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C5H9NO3"/> + <species metaid="meta_M_glu5sa_m" sboTerm="SBO:0000299" id="M_glu5sa_m" name="Lglu5semialdehydem" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C5H9NO3"/> + <species metaid="meta_M_1pyr5c_c" sboTerm="SBO:0000299" id="M_1pyr5c_c" name="1Pyrroline5carboxylatec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C5H6NO2"/> + <species metaid="meta_M_BIOMASSA_c" sboTerm="SBO:0000299" id="M_BIOMASSA_c" name="biomassc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0"/> + <species metaid="meta_M_BIOMASSA_e" sboTerm="SBO:0000299" id="M_BIOMASSA_e" name="biomassx" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0"/> + <species metaid="meta_M_o2s_m" sboTerm="SBO:0000299" id="M_o2s_m" name="superoxideAnionm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="O2"/> + <species metaid="meta_M_h2o2_c" sboTerm="SBO:0000299" id="M_h2o2_c" name="H2O2c" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="H2O2"/> + <species metaid="meta_M_h2o2_m" sboTerm="SBO:0000299" id="M_h2o2_m" name="H2O2m" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="H2O2"/> + <species metaid="meta_M_glucys_c" sboTerm="SBO:0000299" id="M_glucys_c" name="gammaglutamylcysteinec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C8H13N2O5S"/> + <species metaid="meta_M_gthrd_c" sboTerm="SBO:0000299" id="M_gthrd_c" name="GSHc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C10H16N3O6S"/> + <species metaid="meta_M_gthrd_m" sboTerm="SBO:0000299" id="M_gthrd_m" name="GSHm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C10H16N3O6S"/> + <species metaid="meta_M_gthox_c" sboTerm="SBO:0000299" id="M_gthox_c" name="GSSGc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C20H30N6O12S2"/> + <species metaid="meta_M_gthox_m" sboTerm="SBO:0000299" id="M_gthox_m" name="GSSGm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C20H30N6O12S2"/> + <species metaid="meta_M_gthox_e" sboTerm="SBO:0000299" id="M_gthox_e" name="GSSGx" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C20H30N6O12S2"/> + <species metaid="meta_M_5mthf_c" sboTerm="SBO:0000299" id="M_5mthf_c" name="5methylTHFc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C20H24N7O6"/> + <species metaid="meta_M_hcys__L_c" sboTerm="SBO:0000299" id="M_hcys__L_c" name="homocysteinec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C4H9NO2S"/> + <species metaid="meta_M_amet_c" sboTerm="SBO:0000299" id="M_amet_c" name="SAMc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C15H23N6O5S"/> + <species metaid="meta_M_ahcys_c" sboTerm="SBO:0000299" id="M_ahcys_c" name="SAHc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C14H20N6O5S"/> + <species metaid="meta_M_adn_c" sboTerm="SBO:0000299" id="M_adn_c" name="adenosinec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C10H13N5O4"/> + <species metaid="meta_M_cyst__L_c" sboTerm="SBO:0000299" id="M_cyst__L_c" name="cystathioninec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C7H14N2O4S"/> + <species metaid="meta_M_2obut_c" sboTerm="SBO:0000299" id="M_2obut_c" name="2oxobutyratec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C4H5O3"/> + <species metaid="meta_M_2obut_e" sboTerm="SBO:0000299" id="M_2obut_e" name="2oxobutyratex" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C4H5O3"/> + <species metaid="meta_M_4abut_c" sboTerm="SBO:0000299" id="M_4abut_c" name="4aminobutyratec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C4H9NO2"/> + <species metaid="meta_M_ptth_c" sboTerm="SBO:0000299" id="M_ptth_c" name="palmitoylCoAc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C11H22N2O4S"/> + <species metaid="meta_M_ptth_m" sboTerm="SBO:0000299" id="M_ptth_m" name="palmitoylCoAm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C11H22N2O4S"/> + <species metaid="meta_M_crn_c" sboTerm="SBO:0000299" id="M_crn_c" name="carnitinec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C7H15NO3"/> + <species metaid="meta_M_crn_m" sboTerm="SBO:0000299" id="M_crn_m" name="carnitinem" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C7H15NO3"/> + <species metaid="meta_M_pmtcrn_c" sboTerm="SBO:0000299" id="M_pmtcrn_c" name="palmitoyl_carnitinec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C23H45NO4"/> + <species metaid="meta_M_pmtcrn_m" sboTerm="SBO:0000299" id="M_pmtcrn_m" name="palmitoyl_carnitinem" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C23H45NO4"/> + <species metaid="meta_M_3mop_c" sboTerm="SBO:0000299" id="M_3mop_c" name="3mopc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H9O3"/> + <species metaid="meta_M_3mop_m" sboTerm="SBO:0000299" id="M_3mop_m" name="3mopm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H9O3"/> + <species metaid="meta_M_4mop_c" sboTerm="SBO:0000299" id="M_4mop_c" name="4mopc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H9O3"/> + <species metaid="meta_M_4mop_m" sboTerm="SBO:0000299" id="M_4mop_m" name="4mopm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H9O3"/> + <species metaid="meta_M_ivcoa_m" sboTerm="SBO:0000299" id="M_ivcoa_m" name="ivCoAm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C26H40N7O17P3S"/> + <species metaid="meta_M_3mb2coa_m" sboTerm="SBO:0000299" id="M_3mb2coa_m" name="mcrtCoAm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C26H38N7O17P3S"/> + <species metaid="meta_M_3mgcoa_m" sboTerm="SBO:0000299" id="M_3mgcoa_m" name="3mgCoAm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C27H37N7O19P3S"/> + <species metaid="meta_M_hmgcoa_m" sboTerm="SBO:0000299" id="M_hmgcoa_m" name="HMGCoAm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C27H39N7O20P3S"/> + <species metaid="meta_M_val__L_c" sboTerm="SBO:0000299" id="M_val__L_c" name="valinec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C5H11NO2"/> + <species metaid="meta_M_val__L_m" sboTerm="SBO:0000299" id="M_val__L_m" name="valinem" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C5H11NO2"/> + <species metaid="meta_M_val__L_e" sboTerm="SBO:0000299" id="M_val__L_e" name="valinex" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C5H11NO2"/> + <species metaid="meta_M_3mob_c" sboTerm="SBO:0000299" id="M_3mob_c" name="3mobc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C5H7O3"/> + <species metaid="meta_M_3mob_m" sboTerm="SBO:0000299" id="M_3mob_m" name="3mobm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C5H7O3"/> + <species metaid="meta_M_ibcoa_m" sboTerm="SBO:0000299" id="M_ibcoa_m" name="isobCoAm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C25H38N7O17P3S"/> + <species metaid="meta_M_2mp2coa_m" sboTerm="SBO:0000299" id="M_2mp2coa_m" name="mcrCoAm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C25H36N7O17P3S"/> + <species metaid="meta_M_3hibutcoa_m" sboTerm="SBO:0000299" id="M_3hibutcoa_m" name="3hoxisobCoAm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C25H38N7O18P3S"/> + <species metaid="meta_M_3hmp_m" sboTerm="SBO:0000299" id="M_3hmp_m" name="3hoxisobm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C4H7O3"/> + <species metaid="meta_M_2mop_m" sboTerm="SBO:0000299" id="M_2mop_m" name="2m3opropm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C4H5O3"/> + <species metaid="meta_M_HC00900_m" sboTerm="SBO:0000299" id="M_HC00900_m" name="mmalm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C4H4O4"/> + <species metaid="meta_M_ppcoa_m" sboTerm="SBO:0000299" id="M_ppcoa_m" name="propCoAm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C24H36N7O17P3S"/> + <species metaid="meta_M_mmcoa__R_m" sboTerm="SBO:0000299" id="M_mmcoa__R_m" name="RmmalCoAm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C25H35N7O19P3S"/> + <species metaid="meta_M_mmcoa__S_m" sboTerm="SBO:0000299" id="M_mmcoa__S_m" name="mmalCoAm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C25H35N7O19P3S"/> + <species metaid="meta_M_ametam_c" sboTerm="SBO:0000299" id="M_ametam_c" name="ametamc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C14H24N6O3S"/> + <species metaid="meta_M_5mta_c" sboTerm="SBO:0000299" id="M_5mta_c" name="5mtac" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C11H15N5O3S"/> + <species metaid="meta_M_spmd_c" sboTerm="SBO:0000299" id="M_spmd_c" name="spermidinec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C7H22N3"/> + <species metaid="meta_M_spmd_e" sboTerm="SBO:0000299" id="M_spmd_e" name="spermidinex" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C7H22N3"/> + <species metaid="meta_M_sprm_c" sboTerm="SBO:0000299" id="M_sprm_c" name="sperminec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C10H30N4"/> + <species metaid="meta_M_sprm_e" sboTerm="SBO:0000299" id="M_sprm_e" name="sperminex" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C10H30N4"/> + <species metaid="meta_M_ade_c" sboTerm="SBO:0000299" id="M_ade_c" name="adeninec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C5H5N5"/> + <species metaid="meta_M_5mdr1p_c" sboTerm="SBO:0000299" id="M_5mdr1p_c" name="5mdr1pc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H11O7PS"/> + <species metaid="meta_M_dkmpp_c" sboTerm="SBO:0000299" id="M_dkmpp_c" name="dkmppc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H9O6PS"/> + <species metaid="meta_M_5mthf_e" sboTerm="SBO:0000299" id="M_5mthf_e" name="5methylTHFx" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C20H24N7O6"/> + <species metaid="meta_M_5mdru1p_c" sboTerm="SBO:0000299" id="M_5mdru1p_c" name="5mdru1pc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H11O7PS"/> + <species metaid="meta_M_thr__L_c" sboTerm="SBO:0000299" id="M_thr__L_c" name="threoninec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C4H9NO3"/> + <species metaid="meta_M_trp__L_c" sboTerm="SBO:0000299" id="M_trp__L_c" name="tryptophanc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C11H12N2O2"/> + <species metaid="meta_M_his__L_c" sboTerm="SBO:0000299" id="M_his__L_c" name="histidinec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H9N3O2"/> + <species metaid="meta_M_lys__L_c" sboTerm="SBO:0000299" id="M_lys__L_c" name="lysinec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H15N2O2"/> + <species metaid="meta_M_datp_c" sboTerm="SBO:0000299" id="M_datp_c" name="dATPc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C10H12N5O12P3"/> + <species metaid="meta_M_dctp_c" sboTerm="SBO:0000299" id="M_dctp_c" name="dCTPc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C9H12N3O13P3"/> + <species metaid="meta_M_dgtp_c" sboTerm="SBO:0000299" id="M_dgtp_c" name="dGTPc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C10H12N5O13P3"/> + <species metaid="meta_M_dttp_c" sboTerm="SBO:0000299" id="M_dttp_c" name="dTTPc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C10H13N2O14P3"/> + <species metaid="meta_M_thbpt_e" sboTerm="SBO:0000299" id="M_thbpt_e" name="tetrahydrobiopterinx" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C9H15N5O3"/> + <species metaid="meta_M_thbpt_c" sboTerm="SBO:0000299" id="M_thbpt_c" name="tetrahydrobiopterinc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C9H15N5O3"/> + <species metaid="meta_M_CE2705_c" sboTerm="SBO:0000299" id="M_CE2705_c" name="dihydrobiopterinc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C9H13N5O3"/> + <species metaid="meta_M_CE2705_e" sboTerm="SBO:0000299" id="M_CE2705_e" name="dihydrobiopterinx" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C9H13N5O3"/> + <species metaid="meta_M_creat_c" sboTerm="SBO:0000299" id="M_creat_c" name="creatinec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C4H9N3O2"/> + <species metaid="meta_M_pcreat_c" sboTerm="SBO:0000299" id="M_pcreat_c" name="creatinePc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C4H8N3O5P"/> + <species metaid="meta_M_crtn_c" sboTerm="SBO:0000299" id="M_crtn_c" name="creatininec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C4H7N3O"/> + <species metaid="meta_M_crtn_e" sboTerm="SBO:0000299" id="M_crtn_e" name="creatininex" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C4H7N3O"/> + <species metaid="meta_M_dtdp_c" sboTerm="SBO:0000299" id="M_dtdp_c" name="dTDPc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C10H13N2O11P2"/> + <species metaid="meta_M_his__L_e" sboTerm="SBO:0000299" id="M_his__L_e" name="histidinex" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H9N3O2"/> + <species metaid="meta_M_lys__L_e" sboTerm="SBO:0000299" id="M_lys__L_e" name="lysinex" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H15N2O2"/> + <species metaid="meta_M_4abutn_c" sboTerm="SBO:0000299" id="M_4abutn_c" name="4abutnc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C4H10NO"/> + <species metaid="meta_M_HC00576_c" sboTerm="SBO:0000299" id="M_HC00576_c" name="hcarnc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C10H15N4O3"/> + <species metaid="meta_M_urcan_c" sboTerm="SBO:0000299" id="M_urcan_c" name="urcanc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H5N2O2"/> + <species metaid="meta_M_4izp_c" sboTerm="SBO:0000299" id="M_4izp_c" name="4izpc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H7N2O3"/> + <species metaid="meta_M_forglu_c" sboTerm="SBO:0000299" id="M_forglu_c" name="forgluc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H8N2O4"/> + <species metaid="meta_M_5forthf_c" sboTerm="SBO:0000299" id="M_5forthf_c" name="5forthfc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C20H22N8O6"/> + <species metaid="meta_M_carn_c" sboTerm="SBO:0000299" id="M_carn_c" name="carnosinec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C9H14N4O3"/> + <species metaid="meta_M_ala_B_c" sboTerm="SBO:0000299" id="M_ala_B_c" name="bAlac" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C3H7NO2"/> + <species metaid="meta_M_lys__L_m" sboTerm="SBO:0000299" id="M_lys__L_m" name="lysinem" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H15N2O2"/> + <species metaid="meta_M_saccrp__L_m" sboTerm="SBO:0000299" id="M_saccrp__L_m" name="saccharopinatem" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C11H19N2O6"/> + <species metaid="meta_M_L2aadp6sa_m" sboTerm="SBO:0000299" id="M_L2aadp6sa_m" name="allysinem" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H11NO3"/> + <species metaid="meta_M_L2aadp_m" sboTerm="SBO:0000299" id="M_L2aadp_m" name="2aminoadipatem" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H10NO4"/> + <species metaid="meta_M_2oxoadp_m" sboTerm="SBO:0000299" id="M_2oxoadp_m" name="2oxoadipatem" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H6O5"/> + <species metaid="meta_M_glutcoa_m" sboTerm="SBO:0000299" id="M_glutcoa_m" name="glutarylCoAm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C26H37N7O19P3S"/> + <species metaid="meta_M_b2coa_m" sboTerm="SBO:0000299" id="M_b2coa_m" name="crotonylCoAm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C25H36N7O17P3S"/> + <species metaid="meta_M_3hbcoa__R_m" sboTerm="SBO:0000299" id="M_3hbcoa__R_m" name="3hydroxybutanoylCoAm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C25H38N7O18P3S"/> + <species metaid="meta_M_aacoa_m" sboTerm="SBO:0000299" id="M_aacoa_m" name="acetoAcCoAm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C25H36N7O18P3S"/> + <species metaid="meta_M_cys__L_e" sboTerm="SBO:0000299" id="M_cys__L_e" name="cysteinex" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C3H7NO2S"/> + <species metaid="meta_M_3sala_c" sboTerm="SBO:0000299" id="M_3sala_c" name="3sulfinoalaninec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C3H5NO4S"/> + <species metaid="meta_M_3snpyr_c" sboTerm="SBO:0000299" id="M_3snpyr_c" name="3sulfinopyruvatec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C3H2O5S"/> + <species metaid="meta_M_3sala_m" sboTerm="SBO:0000299" id="M_3sala_m" name="3sulfinoalaninem" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C3H5NO4S"/> + <species metaid="meta_M_3snpyr_m" sboTerm="SBO:0000299" id="M_3snpyr_m" name="3sulfinopyruvatem" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C3H2O5S"/> + <species metaid="meta_M_so3_c" sboTerm="SBO:0000299" id="M_so3_c" name="sulfitec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="O3S"/> + <species metaid="meta_M_so3_m" sboTerm="SBO:0000299" id="M_so3_m" name="sulfitem" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="O3S"/> + <species metaid="meta_M_so3_e" sboTerm="SBO:0000299" id="M_so3_e" name="sulfitex" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="O3S"/> + <species metaid="meta_M_34hpp_c" sboTerm="SBO:0000299" id="M_34hpp_c" name="hppc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C9H7O4"/> + <species metaid="meta_M_hgentis_c" sboTerm="SBO:0000299" id="M_hgentis_c" name="hgentisc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C8H7O4"/> + <species metaid="meta_M_4mlacac_c" sboTerm="SBO:0000299" id="M_4mlacac_c" name="4mlacacc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C8H6O6"/> + <species metaid="meta_M_4fumacac_c" sboTerm="SBO:0000299" id="M_4fumacac_c" name="4fumacacc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C8H6O6"/> + <species metaid="meta_M_acac_c" sboTerm="SBO:0000299" id="M_acac_c" name="acetoacetatec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C4H5O3"/> + <species metaid="meta_M_thr__L_e" sboTerm="SBO:0000299" id="M_thr__L_e" name="threoninex" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C4H9NO3"/> + <species metaid="meta_M_ppcoa_c" sboTerm="SBO:0000299" id="M_ppcoa_c" name="propCoAc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C24H36N7O17P3S"/> + <species metaid="meta_M_trp__L_e" sboTerm="SBO:0000299" id="M_trp__L_e" name="tryptophanx" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C11H12N2O2"/> + <species metaid="meta_M_5hoxnfkyn_c" sboTerm="SBO:0000299" id="M_5hoxnfkyn_c" name="NformylLkynureninec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0"/> + <species metaid="meta_M_Lkynr_c" sboTerm="SBO:0000299" id="M_Lkynr_c" name="Lkynureninec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C10H12N2O3"/> + <species metaid="meta_M_anth_c" sboTerm="SBO:0000299" id="M_anth_c" name="anthc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C7H6NO2"/> + <species metaid="meta_M_anth_e" sboTerm="SBO:0000299" id="M_anth_e" name="anthx" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C7H6NO2"/> + <species metaid="meta_M_hLkynr_c" sboTerm="SBO:0000299" id="M_hLkynr_c" name="3hydroxyLkynureninec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C10H12N2O4"/> + <species metaid="meta_M_3hanthrn_c" sboTerm="SBO:0000299" id="M_3hanthrn_c" name="3hydroxyanthranilatec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C7H7NO3"/> + <species metaid="meta_M_cmusa_c" sboTerm="SBO:0000299" id="M_cmusa_c" name="cmusac" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C7H6NO5"/> + <species metaid="meta_M_am6sa_c" sboTerm="SBO:0000299" id="M_am6sa_c" name="2aminomuconate6semialdehydec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H7NO3"/> + <species metaid="meta_M_amuco_c" sboTerm="SBO:0000299" id="M_amuco_c" name="2aminomuconatec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H6NO4"/> + <species metaid="meta_M_2oxoadp_c" sboTerm="SBO:0000299" id="M_2oxoadp_c" name="2oxoadipatec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H6O5"/> + <species metaid="meta_M_tyr__L_e" sboTerm="SBO:0000299" id="M_tyr__L_e" name="tyrosinex" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C9H11NO3"/> + <species metaid="meta_M_Lcystin_c" sboTerm="SBO:0000299" id="M_Lcystin_c" name="cystinec" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0"/> + <species metaid="meta_M_Lcystin_e" sboTerm="SBO:0000299" id="M_Lcystin_e" name="cystinex" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0"/> + <species metaid="meta_M_glyc3p_c" sboTerm="SBO:0000299" id="M_glyc3p_c" name="glycerol3Pc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C3H7O6P"/> + <species metaid="meta_M_glyc3p_m" sboTerm="SBO:0000299" id="M_glyc3p_m" name="glycerol3Pm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C3H7O6P"/> + <species metaid="meta_M_dhap_m" sboTerm="SBO:0000299" id="M_dhap_m" name="DHAPm" compartment="C_m" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C3H5O6P"/> + <species metaid="meta_M_gthrd_e" sboTerm="SBO:0000299" id="M_gthrd_e" name="GSHx" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C10H16N3O6S"/> + <species metaid="meta_M_xmp_c" sboTerm="SBO:0000299" id="M_xmp_c" name="xanthosine5Pc" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C10H11N4O9P"/> + <species metaid="meta_M_mev__R_c" sboTerm="SBO:0000299" id="M_mev__R_c" name="RMevalonate" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H11O4"/> + <species metaid="meta_M_5pmev_c" sboTerm="SBO:0000299" id="M_5pmev_c" name="R_5_Phosphomevalonate" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H10O7P"/> + <species metaid="meta_M_5dpmev_c" sboTerm="SBO:0000299" id="M_5dpmev_c" name="R_5_Diphosphomevalonate" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C6H10O10P2"/> + <species metaid="meta_M_dmpp_c" sboTerm="SBO:0000299" id="M_dmpp_c" name="Dimethylallyl diphosphate" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C5H9O7P2"/> + <species metaid="meta_M_grdp_c" sboTerm="SBO:0000299" id="M_grdp_c" name="Geranyl diphosphate" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C10H17O7P2"/> + <species metaid="meta_M_HC01118_c" sboTerm="SBO:0000299" id="M_HC01118_c" name="Presqualene Diphosphate" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C30H49O7P2"/> + <species metaid="meta_M_sql_c" sboTerm="SBO:0000299" id="M_sql_c" name="Squalene" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C30H50"/> + <species metaid="meta_M_Ssq23epx_c" sboTerm="SBO:0000299" id="M_Ssq23epx_c" name="S_Squalene_2_3_epoxide" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C30H50O"/> + <species metaid="meta_M_lanost_c" sboTerm="SBO:0000299" id="M_lanost_c" name="Lanosterol" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C30H50O"/> + <species metaid="meta_M_M00939_c" sboTerm="SBO:0000299" id="M_M00939_c" name="4,4-Dimethyl-14Alpha-Hydroxymethyl-5Alpha-Cholesta-8,24-Dien-3Beta-Ol" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C30H50O2"/> + <species metaid="meta_M_M00937_c" sboTerm="SBO:0000299" id="M_M00937_c" name="4,4-Dimethyl-14Alpha-Formyl-5Alpha-Cholesta-8,24-Dien-3Beta-Ol" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C30H48O2"/> + <species metaid="meta_M_44mctr_c" sboTerm="SBO:0000299" id="M_44mctr_c" name="4,4-dimethylcholesta-8-14-24-trienol" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C29H46O"/> + <species metaid="meta_M_44mzym_c" sboTerm="SBO:0000299" id="M_44mzym_c" name="4,4-dimethylzymosterol" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C29H48O"/> + <species metaid="meta_M_M00961_c" sboTerm="SBO:0000299" id="M_M00961_c" name="4-Hydroxymethyl-4-Methyl-5-Cholesta-8,24-Dien-3-Ol" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C29H48O2"/> + <species metaid="meta_M_M00957_c" sboTerm="SBO:0000299" id="M_M00957_c" name="4-Formyl-4-Methyl-5-Cholesta-8,24-Dien-3-Ol" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C29H46O2"/> + <species metaid="meta_M_4mzym_int1_c" sboTerm="SBO:0000299" id="M_4mzym_int1_c" name="4-Methylzymosterol-intermediate-1" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C29H46O3"/> + <species metaid="meta_M_4mzym_int2_c" sboTerm="SBO:0000299" id="M_4mzym_int2_c" name="3_keto_4_methylzymosterol" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C28H44O"/> + <species metaid="meta_M_HC02110_c" sboTerm="SBO:0000299" id="M_HC02110_c" name="4Alpha-Methylzymosterol" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C28H46O"/> + <species metaid="meta_M_M00963_c" sboTerm="SBO:0000299" id="M_M00963_c" name="4-Hydroxymethyl-5-Cholesta-8,24-Dien-3-Ol" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C28H46O2"/> + <species metaid="meta_M_M00959_c" sboTerm="SBO:0000299" id="M_M00959_c" name="4-Formyl-5-Cholesta-8,24-Dien-3-Ol" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C28H44O2"/> + <species metaid="meta_M_M00955_c" sboTerm="SBO:0000299" id="M_M00955_c" name="4-Carboxy-5-Cholesta-8,24-Dien-3-Ol" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C28H44O3"/> + <species metaid="meta_M_M01067_c" sboTerm="SBO:0000299" id="M_M01067_c" name="5Alpha-Cholesta-8,24-Dien-3-One" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C27H42O"/> + <species metaid="meta_M_zymst_c" sboTerm="SBO:0000299" id="M_zymst_c" name="Zymosterol C27H44O" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C27H44O"/> + <species metaid="meta_M_chlstol_c" sboTerm="SBO:0000299" id="M_chlstol_c" name="5alpha-Cholesta-7,24-dien-3beta-ol" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C27H44O"/> + <species metaid="meta_M_ddsmsterol_c" sboTerm="SBO:0000299" id="M_ddsmsterol_c" name="7-Dehydrodesmosterol" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C27H42O"/> + <species metaid="meta_M_dsmsterol_c" sboTerm="SBO:0000299" id="M_dsmsterol_c" name="Desmosterol; 3beta-cholesta-5,24-dien-3-ol" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0" fbc:chemicalFormula="C27H44O"/> + <species metaid="meta_M_R_3_hydroxybutanoyl_ACP_c" sboTerm="SBO:0000299" id="M_R_3_hydroxybutanoyl_ACP_c" name="R_3_hydroxybutanoyl_ACP" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0"/> + <species metaid="meta_M_but_2_enoyl_ACP_c" sboTerm="SBO:0000299" id="M_but_2_enoyl_ACP_c" name="but_2_enoyl_ACP" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0"/> + <species metaid="meta_M_butyryl_ACP_c" sboTerm="SBO:0000299" id="M_butyryl_ACP_c" name="butyryl_ACP" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0"/> + <species metaid="meta_M_3_oxohexanoyl_ACP_c" sboTerm="SBO:0000299" id="M_3_oxohexanoyl_ACP_c" name="3_oxohexanoyl_ACP" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0"/> + <species metaid="meta_M_D_3_hydroxyhexanoyl_ACP_c" sboTerm="SBO:0000299" id="M_D_3_hydroxyhexanoyl_ACP_c" name="D_3_hydroxyhexanoyl_ACP" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0"/> + <species metaid="meta_M_2E_hexenoyl_ACP_c" sboTerm="SBO:0000299" id="M_2E_hexenoyl_ACP_c" name="2E_hexenoyl_ACP" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0"/> + <species metaid="meta_M_hexanoyl_ACP_c" sboTerm="SBO:0000299" id="M_hexanoyl_ACP_c" name="hexanoyl_ACP" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0"/> + <species metaid="meta_M_3_oxooctanoyl_ACP_c" sboTerm="SBO:0000299" id="M_3_oxooctanoyl_ACP_c" name="3_oxooctanoyl_ACP" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0"/> + <species metaid="meta_M_R_3_hydroxyoctanoyl_ACP_c" sboTerm="SBO:0000299" id="M_R_3_hydroxyoctanoyl_ACP_c" name="R_3_hydroxyoctanoyl_ACP" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0"/> + <species metaid="meta_M_2E_octenoyl_ACP_c" sboTerm="SBO:0000299" id="M_2E_octenoyl_ACP_c" name="2E_octenoyl_ACP" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0"/> + <species metaid="meta_M_octanoyl_ACP_c" sboTerm="SBO:0000299" id="M_octanoyl_ACP_c" name="octanoyl_ACP" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0"/> + <species metaid="meta_M_3_oxodecanoyl_ACP_c" sboTerm="SBO:0000299" id="M_3_oxodecanoyl_ACP_c" name="3_oxodecanoyl_ACP" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0"/> + <species metaid="meta_M_R_3_hydroxydecanoyl_ACP_c" sboTerm="SBO:0000299" id="M_R_3_hydroxydecanoyl_ACP_c" name="R_3_hydroxydecanoyl_ACP" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0"/> + <species metaid="meta_M_2E_decenoyl_ACP_c" sboTerm="SBO:0000299" id="M_2E_decenoyl_ACP_c" name="2E_decenoyl_ACP" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0"/> + <species metaid="meta_M_decanoyl_ACP_c" sboTerm="SBO:0000299" id="M_decanoyl_ACP_c" name="decanoyl_ACP" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0"/> + <species metaid="meta_M_3_oxododecanoyl_ACP_c" sboTerm="SBO:0000299" id="M_3_oxododecanoyl_ACP_c" name="3_oxododecanoyl_ACP" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0"/> + <species metaid="meta_M_D_3_hydroxydodecanoyl_ACP_c" sboTerm="SBO:0000299" id="M_D_3_hydroxydodecanoyl_ACP_c" name="D_3_hydroxydodecanoyl_ACP" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0"/> + <species metaid="meta_M_2E_dodecenoyl_ACP_c" sboTerm="SBO:0000299" id="M_2E_dodecenoyl_ACP_c" name="2E_dodecenoyl_ACP" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0"/> + <species metaid="meta_M_dodecanoyl_ACP_c" sboTerm="SBO:0000299" id="M_dodecanoyl_ACP_c" name="dodecanoyl_ACP" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0"/> + <species metaid="meta_M_3_oxotetradecanoyl_ACP_c" sboTerm="SBO:0000299" id="M_3_oxotetradecanoyl_ACP_c" name="3_oxotetradecanoyl_ACP" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0"/> + <species metaid="meta_M_HMA_c" sboTerm="SBO:0000299" id="M_HMA_c" name="HMA" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0"/> + <species metaid="meta_M_2E_tetradecenoyl_ACP_c" sboTerm="SBO:0000299" id="M_2E_tetradecenoyl_ACP_c" name="2E_tetradecenoyl_ACP" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0"/> + <species metaid="meta_M_tetradecanoyl_ACP_c" sboTerm="SBO:0000299" id="M_tetradecanoyl_ACP_c" name="tetradecanoyl_ACP" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0"/> + <species metaid="meta_M_3_oxohexadecanoyl_ACP_c" sboTerm="SBO:0000299" id="M_3_oxohexadecanoyl_ACP_c" name="3_oxohexadecanoyl_ACP" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0"/> + <species metaid="meta_M_R_3_hydroxypalmitoyl_ACP_c" sboTerm="SBO:0000299" id="M_R_3_hydroxypalmitoyl_ACP_c" name="R_3_hydroxypalmitoyl_ACP" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0"/> + <species metaid="meta_M_2E_hexadecenoyl_ACP_c" sboTerm="SBO:0000299" id="M_2E_hexadecenoyl_ACP_c" name="2E_hexadecenoyl_ACP" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0"/> + <species metaid="meta_M_hexadecanoyl_ACP_c" sboTerm="SBO:0000299" id="M_hexadecanoyl_ACP_c" name="hexadecanoyl_ACP" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0"/> + <species metaid="meta_M_ala_B_e" sboTerm="SBO:0000299" id="M_ala_B_e" name="bAla" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0"/> + <species metaid="meta_M_thymd_e" sboTerm="SBO:0000299" id="M_thymd_e" name="Thymidine" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0"/> + <species metaid="meta_M_thymd_c" sboTerm="SBO:0000299" id="M_thymd_c" name="Thymidine" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0"/> + <species metaid="meta_M_HC00576_e" sboTerm="SBO:0000299" id="M_HC00576_e" name="HC00576" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0"/> + <species metaid="meta_M_4abut_e" sboTerm="SBO:0000299" id="M_4abut_e" name="4abut" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:charge="0"/> + <species id="M_chsterol_e" name="Cholesterol" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:chemicalFormula="C27H46O"/> + <species id="M_gal_e" name="D-Galactose" compartment="C_e" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:chemicalFormula="C6H12O6"/> + <species id="M_gal_c" name="D-Galactose" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:chemicalFormula="C6H12O6"/> + <species id="M_gal1p_c" name="D-galactopyranose 1-phosphate" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:chemicalFormula="C6H11O9P"/> + <species id="M_udpg_c" name="Uridine diphosphate glucose" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:chemicalFormula="C15H22N2O17P2"/> + <species id="M_g1p_c" name="Glucose 1-phosphate" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:chemicalFormula="C6H11O9P"/> + <species id="M_udpgal_c" name="Uridine diphosphategalactose" compartment="C_c" hasOnlySubstanceUnits="false" boundaryCondition="false" constant="false" fbc:chemicalFormula="C6H11O9P"/> + </listOfSpecies> + <listOfParameters> + <parameter sboTerm="SBO:0000626" id="cobra_default_lb" value="-1000" constant="true"/> + <parameter sboTerm="SBO:0000626" id="cobra_default_ub" value="1000" constant="true"/> + <parameter sboTerm="SBO:0000626" id="cobra_0_bound" value="0" constant="true"/> + <parameter sboTerm="SBO:0000626" id="minus_inf" value="-INF" constant="true"/> + <parameter sboTerm="SBO:0000626" id="plus_inf" value="INF" constant="true"/> + </listOfParameters> + <listOfReactions> + <reaction metaid="meta_R_EX_lac__L_e" sboTerm="SBO:0000627" id="R_EX_lac__L_e" name="EX_lactatex" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_lac__L_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_glc__D_e" sboTerm="SBO:0000627" id="R_EX_glc__D_e" name="EX_glucosex" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_glc__D_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_glu__L_e" sboTerm="SBO:0000627" id="R_EX_glu__L_e" name="EX_glutamateINx" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_glu__L_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_gln__L_e" sboTerm="SBO:0000627" id="R_EX_gln__L_e" name="EX_glutaminex" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_gln__L_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_asp__L_e" sboTerm="SBO:0000627" id="R_EX_asp__L_e" name="EX_aspartatex" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_asp__L_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_co2_e" sboTerm="SBO:0000627" id="R_EX_co2_e" name="EX_CO2x" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_co2_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_h_e" sboTerm="SBO:0000627" id="R_EX_h_e" name="EX_Hx" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_h_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_h2o_e" sboTerm="SBO:0000627" id="R_EX_h2o_e" name="EX_H2Ox" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_h2o_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_pi_e" sboTerm="SBO:0000627" id="R_EX_pi_e" name="EX_Pix" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_0_bound"> + <listOfReactants> + <speciesReference species="M_pi_c" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_nh4_e" sboTerm="SBO:0000627" id="R_EX_nh4_e" name="EX_NH3x" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_nh4_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_o2_e" sboTerm="SBO:0000627" id="R_EX_o2_e" name="EX_O2x" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_0_bound"> + <listOfReactants> + <speciesReference species="M_o2_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_arg__L_e" sboTerm="SBO:0000627" id="R_EX_arg__L_e" name="EX_argininex" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_0_bound"> + <listOfReactants> + <speciesReference species="M_arg__L_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_pro__L_e" sboTerm="SBO:0000627" id="R_EX_pro__L_e" name="EX_prolinex" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_pro__L_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_leu__L_e" sboTerm="SBO:0000627" id="R_EX_leu__L_e" name="EX_leucinex" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_0_bound"> + <listOfReactants> + <speciesReference species="M_leu__L_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_ile__L_e" sboTerm="SBO:0000627" id="R_EX_ile__L_e" name="EX_isoleucinex" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_0_bound"> + <listOfReactants> + <speciesReference species="M_ile__L_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_met__L_e" sboTerm="SBO:0000627" id="R_EX_met__L_e" name="EX_methionine" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_0_bound"> + <listOfReactants> + <speciesReference species="M_met__L_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_gly_e" sboTerm="SBO:0000627" id="R_EX_gly_e" name="EX_glycinex" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_gly_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_phe__L_e" sboTerm="SBO:0000627" id="R_EX_phe__L_e" name="EX_phenylalaninex" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_0_bound"> + <listOfReactants> + <speciesReference species="M_phe__L_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_ser__L_e" sboTerm="SBO:0000627" id="R_EX_ser__L_e" name="EX_serinex" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_ser__L_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_ala__L_e" sboTerm="SBO:0000627" id="R_EX_ala__L_e" name="EX_alaninex" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_ala__L_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_asn__L_e" sboTerm="SBO:0000627" id="R_EX_asn__L_e" name="EX_asparaginex" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_asn__L_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_fol_e" sboTerm="SBO:0000627" id="R_EX_fol_e" name="EX_folatex" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_0_bound"> + <listOfReactants> + <speciesReference species="M_fol_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_urea_e" sboTerm="SBO:0000627" id="R_EX_urea_e" name="EX_ureax" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_urea_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_pyr_e" sboTerm="SBO:0000627" id="R_EX_pyr_e" name="EX_pyruvatex" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_pyr_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_PYRt2" sboTerm="SBO:0000176" id="R_PYRt2" name="Pyruvate transport in via proton symport" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_pyr_e" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_e" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pyr_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10928"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10924"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10922"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_EX_gudac_e" sboTerm="SBO:0000627" id="R_EX_gudac_e" name="EX_guanidinoacetatex" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_gudac_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_hdca_e" sboTerm="SBO:0000627" id="R_EX_hdca_e" name="EX_palmitatex" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_hdca_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_ptrc_e" sboTerm="SBO:0000627" id="R_EX_ptrc_e" name="EX_putrescinex" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_ptrc_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_biomassx" sboTerm="SBO:0000627" id="R_EX_biomassx" name="EX_biomassx" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_BIOMASSA_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_gthox_e" sboTerm="SBO:0000627" id="R_EX_gthox_e" name="EX_GSSGx" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_gthox_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_2obut_e" sboTerm="SBO:0000627" id="R_EX_2obut_e" name="EX_2oxobutyratex" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_2obut_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_val__L_e" sboTerm="SBO:0000627" id="R_EX_val__L_e" name="EX_valinex" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_0_bound"> + <listOfReactants> + <speciesReference species="M_val__L_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_spmd_e" sboTerm="SBO:0000627" id="R_EX_spmd_e" name="EX_spermidinex" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_spmd_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_sprm_e" sboTerm="SBO:0000627" id="R_EX_sprm_e" name="EX_sperminex" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_sprm_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_5mthf_e" sboTerm="SBO:0000627" id="R_EX_5mthf_e" name="EX_5methylTHFx" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_5mthf_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_thbpt_e" sboTerm="SBO:0000627" id="R_EX_thbpt_e" name="EX_tetrahydrobiopterinx" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_0_bound"> + <listOfReactants> + <speciesReference species="M_thbpt_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_CE2705_e" sboTerm="SBO:0000627" id="R_EX_CE2705_e" name="EX_dihydrobiopterinx" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_CE2705_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_crtn_e" sboTerm="SBO:0000627" id="R_EX_crtn_e" name="EX_creatininex" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_crtn_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_his__L_e" sboTerm="SBO:0000627" id="R_EX_his__L_e" name="EX_histidinex" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_0_bound"> + <listOfReactants> + <speciesReference species="M_his__L_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_lys__L_e" sboTerm="SBO:0000627" id="R_EX_lys__L_e" name="EX_lysinex" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_0_bound"> + <listOfReactants> + <speciesReference species="M_lys__L_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_cys__L_e" sboTerm="SBO:0000627" id="R_EX_cys__L_e" name="EX_cysteinex" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_cys__L_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_so3_e" sboTerm="SBO:0000627" id="R_EX_so3_e" name="EX_sulfitex" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_so3_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_thr__L_e" sboTerm="SBO:0000627" id="R_EX_thr__L_e" name="EX_threoninex" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_0_bound"> + <listOfReactants> + <speciesReference species="M_thr__L_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_trp__L_e" sboTerm="SBO:0000627" id="R_EX_trp__L_e" name="EX_tryptophanx" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_0_bound"> + <listOfReactants> + <speciesReference species="M_trp__L_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_anth_e" sboTerm="SBO:0000627" id="R_EX_anth_e" name="EX_anthx" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_anth_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_tyr__L_e" sboTerm="SBO:0000627" id="R_EX_tyr__L_e" name="EX_tyrosinex" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_tyr__L_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_Lcystin_e" sboTerm="SBO:0000627" id="R_EX_Lcystin_e" name="EX_cystinex" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_Lcystin_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_EX_gthrd_e" sboTerm="SBO:0000627" id="R_EX_gthrd_e" name="EX_GSHx" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_0_bound"> + <listOfReactants> + <speciesReference species="M_gthrd_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction metaid="meta_R_HEX1" sboTerm="SBO:0000176" id="R_HEX1" name="GCK1" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_glc__D_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_adp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_g6p_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4195"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__23302"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4922"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4923"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4925"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_G6PP" sboTerm="SBO:0000176" id="R_G6PP" name="G6PP" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_g6p_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_glc__D_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pi_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4056"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__24861"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__28906"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_PGI" sboTerm="SBO:0000176" id="R_PGI" name="GPI" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_g6p_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_f6p_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4458"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_PFK" sboTerm="SBO:0000176" id="R_PFK" name="PFK1" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_f6p_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_adp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_fdp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__8878"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__8876"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__8877"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_FBP" sboTerm="SBO:0000176" id="R_FBP" name="FBP" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_fdp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_f6p_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pi_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3607"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3606"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_FBA" sboTerm="SBO:0000176" id="R_FBA" name="FBPALDO" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_fdp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_dhap_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_g3p_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__418"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__417"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__414"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_TPI" sboTerm="SBO:0000176" id="R_TPI" name="TPI" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_dhap_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_g3p_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__12009"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_GAPD" sboTerm="SBO:0000176" id="R_GAPD" name="GAPDH" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_g3p_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nad_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pi_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_13dpg_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadh_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__24864"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4141"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_PGK" sboTerm="SBO:0000176" id="R_PGK" name="PGK" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_13dpg_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_adp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_3pg_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__8896"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__8898"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_DPGM" sboTerm="SBO:0000176" id="R_DPGM" name="13BPGM" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_13dpg_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_23dpg_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__8889"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__8888"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__1093"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_DPGase" sboTerm="SBO:0000176" id="R_DPGase" name="23BPGM" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_23dpg_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_3pg_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pi_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__8889"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__8888"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__1093"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_PGM" sboTerm="SBO:0000176" id="R_PGM" name="PGM_1" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_3pg_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_2pg_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__8889"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__8888"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__1093"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ENO" sboTerm="SBO:0000176" id="R_ENO" name="ENO" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_2pg_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pep_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3350"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3354"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3353"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_PYK" sboTerm="SBO:0000176" id="R_PYK" name="PK" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_adp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pep_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pyr_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__9021"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__9020"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_LDH_L" sboTerm="SBO:0000176" id="R_LDH_L" name="LDH" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadh_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pyr_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_lac__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nad_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__6541"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__6535"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__30866"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__6544"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__28335"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__21481"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_r0407" sboTerm="SBO:0000176" id="R_r0407" name="ALDO1" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_HC00361_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_dhap_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_e4p_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__418"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__417"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__414"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_PRPPS" sboTerm="SBO:0000176" id="R_PRPPS" name="PRPS1" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_r5p_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_amp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_prpp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__9465"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__9462"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__9463"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_G6PDH2r" sboTerm="SBO:0000176" id="R_G6PDH2r" name="G6PD" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_g6p_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_6pgl_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4057"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_PGL" sboTerm="SBO:0000176" id="R_PGL" name="PGLS" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_6pgl_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_6pgc_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4795"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__8903"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_GND" sboTerm="SBO:0000176" id="R_GND" name="6PGD" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_6pgc_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_co2_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ru5p__D_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__8891"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_RPI" sboTerm="SBO:0000176" id="R_RPI" name="RPI" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_ru5p__D_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_r5p_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10297"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_TKT2" sboTerm="SBO:0000176" id="R_TKT2" name="TKT1" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_e4p_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_xu5p__D_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_f6p_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_g3p_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11835"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__25313"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11834"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_RPE" sboTerm="SBO:0000176" id="R_RPE" name="RPE" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_ru5p__D_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_xu5p__D_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10293"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__45241"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_TKT1" sboTerm="SBO:0000176" id="R_TKT1" name="TKT" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_r5p_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_xu5p__D_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_g3p_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_s7p_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11835"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__25313"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11834"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_TALA" sboTerm="SBO:0000176" id="R_TALA" name="TALDO1" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_g3p_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_s7p_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_e4p_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_f6p_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11559"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_r0408" sboTerm="SBO:0000176" id="R_r0408" name="SBPase" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_s7p_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_HC00361_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_adp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__8878"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__8876"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__8877"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_PDHm" sboTerm="SBO:0000176" id="R_PDHm" name="PDH" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_coa_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nad_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_pyr_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_accoa_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_co2_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadh_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__2898"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__21350"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__2896"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__8808"/> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__8806"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__8807"/> + </fbc:or> + </fbc:and> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_PCm" sboTerm="SBO:0000176" id="R_PCm" name="PC" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_atp_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_hco3_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_pyr_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_adp_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_oaa_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_pi_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__8636"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_PEPCK_re" sboTerm="SBO:0000176" id="R_PEPCK_re" name="PEPCK" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_gtp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_oaa_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_co2_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_gdp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pep_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__8724"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_CSm" sboTerm="SBO:0000176" id="R_CSm" name="CS" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_accoa_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_oaa_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_cit_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_coa_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__2422"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ACONTm" sboTerm="SBO:0000176" id="R_ACONTm" name="mACO" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_cit_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_icit_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__118"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__117"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ICDHxm" sboTerm="SBO:0000176" id="R_ICDHxm" name="IDH3" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_icit_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nad_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_akg_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_co2_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadh_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__5386"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__5385"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__5384"/> + </fbc:and> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ICDHym" sboTerm="SBO:0000176" id="R_ICDHym" name="IDH2" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_icit_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_akg_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_co2_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__5383"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_AKGDm" sboTerm="SBO:0000176" id="R_AKGDm" name="AKGDH" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_akg_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_coa_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nad_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_co2_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadh_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_succoa_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__2898"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__8124"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__2911"/> + </fbc:and> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_SUCOAS1m" sboTerm="SBO:0000176" id="R_SUCOAS1m" name="SCS" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_gdp_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_pi_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_succoa_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_coa_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_gtp_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_succ_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11449"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11450"/> + </fbc:and> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_SUCD1m" sboTerm="SBO:0000176" id="R_SUCD1m" name="SDH" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_fad_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_succ_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_fadh2_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_fum_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10680"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10681"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10682"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10683"/> + </fbc:and> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_FUMm" sboTerm="SBO:0000176" id="R_FUMm" name="FH1" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_fum_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_mal__L_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3700"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_MDHm" sboTerm="SBO:0000176" id="R_MDHm" name="MDH2" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_mal__L_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nad_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_h_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadh_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_oaa_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__6971"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ME1m" sboTerm="SBO:0000176" id="R_ME1m" name="ME2" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_mal__L_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nad_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_co2_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadh_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_pyr_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__6984"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ME2m" sboTerm="SBO:0000176" id="R_ME2m" name="ME3" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_mal__L_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_co2_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_pyr_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__6985"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ME2" sboTerm="SBO:0000176" id="R_ME2" name="ME1" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_mal__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_co2_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pyr_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__6983"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ACITL" sboTerm="SBO:0000176" id="R_ACITL" name="ACLY" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_cit_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_coa_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_accoa_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_adp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_oaa_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pi_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__115"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_FUM" sboTerm="SBO:0000176" id="R_FUM" name="FH2" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_fum_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_mal__L_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3700"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_MDH" sboTerm="SBO:0000176" id="R_MDH" name="MDH1" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_mal__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nad_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadh_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_oaa_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__6970"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__17836"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_AKGMALtm" sboTerm="SBO:0000176" id="R_AKGMALtm" name="SLC25A11" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_akg_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_mal__L_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_akg_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_mal__L_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10981"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10980"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ACONT" sboTerm="SBO:0000176" id="R_ACONT" name="cACO" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_cit_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_icit_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__117"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ICDHyr" sboTerm="SBO:0000176" id="R_ICDHyr" name="IDH1" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_icit_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_akg_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_co2_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__5382"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_PPA" sboTerm="SBO:0000176" id="R_PPA" name="cPPA" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ppi_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pi_c" stoichiometry="2" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__30042"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__9226"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_Complex1ROS" sboTerm="SBO:0000176" id="R_Complex1ROS" name="Complex1ROS" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_h_m" stoichiometry="4.75" constant="true"/> + <speciesReference species="M_nadh_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_o2_m" stoichiometry="0.05" constant="true"/> + <speciesReference species="M_q10_m" stoichiometry="0.95" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_h_c" stoichiometry="3.8" constant="true"/> + <speciesReference species="M_nad_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_o2s_m" stoichiometry="0.05" constant="true"/> + <speciesReference species="M_q10h2_m" stoichiometry="0.95" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7694"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7707"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7699"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7697"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7702"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7705"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7715"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7714"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7698"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7692"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7683"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7688"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7684"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7685"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7700"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7693"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7696"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__20372"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7704"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7706"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7708"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7701"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7703"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7716"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7712"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7686"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__20371"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7717"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7695"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7690"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__17194"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7462"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7456"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7461"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7458"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7459"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7455"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7460"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7710"/> + </fbc:and> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_FADH2ETC" sboTerm="SBO:0000176" id="R_FADH2ETC" name="Complex2" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_fadh2_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_q10_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_fad_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_q10h2_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3483"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3482"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3481"/> + </fbc:and> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_CYOR_u10mi" sboTerm="SBO:0000176" id="R_CYOR_u10mi" name="Complex3" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_ficytC_m" stoichiometry="2" constant="true"/> + <speciesReference species="M_h_m" stoichiometry="2" constant="true"/> + <speciesReference species="M_q10h2_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_focytC_m" stoichiometry="2" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="4" constant="true"/> + <speciesReference species="M_q10_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__12585"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__30862"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__12586"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__12582"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__29594"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__12587"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__12590"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__2579"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__30863"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7427"/> + </fbc:and> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_CYOOm2i" sboTerm="SBO:0000176" id="R_CYOOm2i" name="Complex4" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_focytC_m" stoichiometry="4" constant="true"/> + <speciesReference species="M_h_m" stoichiometry="8" constant="true"/> + <speciesReference species="M_o2_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_ficytC_m" stoichiometry="4" constant="true"/> + <speciesReference species="M_h2o_m" stoichiometry="2" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="4" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__2292"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__2269"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__2285"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__2267"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7421"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7419"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7422"/> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__2277"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__2279"/> + </fbc:or> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__2288"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__2287"/> + </fbc:or> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__2280"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__24380"/> + </fbc:or> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__16232"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__2265"/> + </fbc:or> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__2291"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__24381"/> + </fbc:or> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__2294"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__24382"/> + </fbc:or> + </fbc:and> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ATPS4mi" sboTerm="SBO:0000176" id="R_ATPS4mi" name="ATPsynthase" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_adp_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="4" constant="true"/> + <speciesReference species="M_pi_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_atp_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_m" stoichiometry="3" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__837"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__830"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__840"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__838"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__823"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__847"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__833"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__14247"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__845"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__846"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7414"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7415"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__848"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__850"/> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__842"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__843"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__841"/> + </fbc:or> + </fbc:and> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_GLUCYS" sboTerm="SBO:0000176" id="R_GLUCYS" name="GCL" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_cys__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_glu__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_adp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_glucys_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pi_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4311"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4312"/> + </fbc:and> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_GTHS" sboTerm="SBO:0000176" id="R_GTHS" name="GSS" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_glucys_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_gly_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_adp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_gthrd_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pi_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4624"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_SPODMm" sboTerm="SBO:0000176" id="R_SPODMm" name="SOD2" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_h_m" stoichiometry="2" constant="true"/> + <speciesReference species="M_o2s_m" stoichiometry="2" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_h2o2_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_o2_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11180"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_GTHPi" sboTerm="SBO:0000176" id="R_GTHPi" name="GPcit" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_gthrd_c" stoichiometry="2" constant="true"/> + <speciesReference species="M_h2o2_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_gthox_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="2" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__9352"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4556"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__9353"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4554"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4553"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_GTHPm" sboTerm="SBO:0000176" id="R_GTHPm" name="GPmit" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_gthrd_m" stoichiometry="2" constant="true"/> + <speciesReference species="M_h2o2_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_gthox_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_m" stoichiometry="2" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__9354"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4556"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4553"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_GDR" sboTerm="SBO:0000176" id="R_GDR" name="cGSRnadh" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_gthox_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadh_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_gthrd_c" stoichiometry="2" constant="true"/> + <speciesReference species="M_nad_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4623"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_GTHOr" sboTerm="SBO:0000176" id="R_GTHOr" name="cGSRnadph" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_gthox_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_gthrd_c" stoichiometry="2" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4623"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_GDRm" sboTerm="SBO:0000176" id="R_GDRm" name="mGSRnadh" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_gthox_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadh_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_gthrd_m" stoichiometry="2" constant="true"/> + <speciesReference species="M_nad_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4623"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_GTHOm" sboTerm="SBO:0000176" id="R_GTHOm" name="mGSRnadph" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_gthox_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_gthrd_m" stoichiometry="2" constant="true"/> + <speciesReference species="M_nadp_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4623"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_r0885" sboTerm="SBO:0000176" id="R_r0885" name="TrasportGSH" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_gthrd_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pi_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_gthrd_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_pi_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10980"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_PYRt2m" sboTerm="SBO:0000176" id="R_PYRt2m" name="MPC" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pyr_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_h_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_pyr_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__21606"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__24515"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10922"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_HMR_4964" sboTerm="SBO:0000176" id="R_HMR_4964" name="SLC25A1" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_cit_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_mal__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_cit_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_mal__L_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10979"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_r2420" sboTerm="SBO:0000176" id="R_r2420" name="SLC25A2" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pi_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_h_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_pi_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10989"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ATPtm" sboTerm="SBO:0000176" id="R_ATPtm" name="ANT" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_adp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_atp_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_adp_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10991"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10990"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10992"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_FUMtm" sboTerm="SBO:0000176" id="R_FUMtm" name="SLC25A10" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_fum_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pi_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_fum_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_pi_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10980"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_CO2tm" sboTerm="SBO:0000176" id="R_CO2tm" name="TransportCO2" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_co2_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_co2_m" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_O2tm" sboTerm="SBO:0000176" id="R_O2tm" name="TransportO2" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_o2_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_o2_m" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_r0801" sboTerm="SBO:0000176" id="R_r0801" name="GNT" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_gdp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_gtp_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_gdp_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_gtp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10992"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_THD1m" sboTerm="SBO:0000176" id="R_THD1m" name="NNT" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadh_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_h_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nad_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7863"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_H2Otm" sboTerm="SBO:0000176" id="R_H2Otm" name="AQP8" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_h2o_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__642"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_NH4tm" sboTerm="SBO:0000176" id="R_NH4tm" name="TransportNH3" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_nh4_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_nh4_m" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_HCO3E" sboTerm="SBO:0000176" id="R_HCO3E" name="cCA" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_co2_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_hco3_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__1371"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__1373"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__1383"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__1372"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__1380"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__1368"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__1374"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__1375"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__1381"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__14914"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_HCO3Em" sboTerm="SBO:0000176" id="R_HCO3Em" name="mCA" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_co2_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_h_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_hco3_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__1378"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__1377"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_GLUN" sboTerm="SBO:0000176" id="R_GLUN" name="cGLS" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_gln__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_glu__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nh4_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4331"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_GLNS" sboTerm="SBO:0000176" id="R_GLNS" name="GS" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_glu__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nh4_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_adp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_gln__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pi_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4341"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__21016"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_GLUt2m" sboTerm="SBO:0000176" id="R_GLUt2m" name="GluCarrier" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_glu__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_glu__L_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__19954"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10988"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_GLNtm_1" sboTerm="SBO:0000176" id="R_GLNtm_1" name="GlnCarrier" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_gln__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_gln__L_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_m" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_GLUNm" sboTerm="SBO:0000176" id="R_GLUNm" name="mGLS" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_gln__L_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_glu__L_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nh4_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4331"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__29570"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_GLUPRT" sboTerm="SBO:0000176" id="R_GLUPRT" name="PPAT" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_gln__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_prpp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_glu__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ppi_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pram_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__9238"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_PRAGSr" sboTerm="SBO:0000176" id="R_PRAGSr" name="GART1" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_gly_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pram_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_adp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_gar_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pi_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4163"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_GARFT" sboTerm="SBO:0000176" id="R_GARFT" name="GART2" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_10fthf_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_gar_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_fgam_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_thf_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4163"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_PRFGS" sboTerm="SBO:0000176" id="R_PRFGS" name="PFAS" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_fgam_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_gln__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_adp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_fpram_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_glu__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pi_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__8863"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_PRAIS" sboTerm="SBO:0000176" id="R_PRAIS" name="GART3" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_fpram_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_adp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_air_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="2" constant="true"/> + <speciesReference species="M_pi_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4163"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_AIRCr" sboTerm="SBO:0000176" id="R_AIRCr" name="PAICS1" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_air_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_co2_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_5aizc_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__8587"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_PRASCSi" sboTerm="SBO:0000176" id="R_PRASCSi" name="PAICS2" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_5aizc_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_asp__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_25aics_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_adp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pi_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__8587"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ADSL2r" sboTerm="SBO:0000176" id="R_ADSL2r" name="PAICS3" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_25aics_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_aicar_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_fum_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__291"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_AICART" sboTerm="SBO:0000176" id="R_AICART" name="ATIC1" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_10fthf_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_aicar_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_fprica_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_thf_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__794"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_IMPC" sboTerm="SBO:0000176" id="R_IMPC" name="ATIC2" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_fprica_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_imp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__794"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ADSS" sboTerm="SBO:0000176" id="R_ADSS" name="ADSS" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_asp__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_gtp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_imp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_dcamp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_gdp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="2" constant="true"/> + <speciesReference species="M_pi_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__292"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__20093"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ADSL1r" sboTerm="SBO:0000176" id="R_ADSL1r" name="ADSL" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_dcamp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_amp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_fum_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__291"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_IMPDH2" sboTerm="SBO:0000176" id="R_IMPDH2" name="IMPDH2" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_imp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nad_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadh_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_xmp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__6052"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__6053"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_GMPS" sboTerm="SBO:0000176" id="R_GMPS" name="GMPS" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nh4_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_xmp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_amp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_gmp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="2" constant="true"/> + <speciesReference species="M_ppi_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4378"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_GMPS2" sboTerm="SBO:0000176" id="R_GMPS2" name="GMPS2" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_gln__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_xmp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_amp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_glu__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ppi_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_gmp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="2" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4378"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_GK1" sboTerm="SBO:0000176" id="R_GK1" name="GUK1" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_gmp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_adp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_gdp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4693"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_RNDR2" sboTerm="SBO:0000176" id="R_RNDR2" name="RRM2B1" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_gdp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_dgdp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10451"/> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__17296"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10452"/> + </fbc:or> + </fbc:and> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ADK1" sboTerm="SBO:0000176" id="R_ADK1" name="cAK" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_amp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_adp_c" stoichiometry="2" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__362"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__361"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__20091"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__365"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_RNDR1" sboTerm="SBO:0000176" id="R_RNDR1" name="RRM2B2" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_adp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_dadp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10451"/> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__17296"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10452"/> + </fbc:or> + </fbc:and> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_CBPS" sboTerm="SBO:0000176" id="R_CBPS" name="CAD1" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_atp_c" stoichiometry="2" constant="true"/> + <speciesReference species="M_gln__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_hco3_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_adp_c" stoichiometry="2" constant="true"/> + <speciesReference species="M_cbp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_glu__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="2" constant="true"/> + <speciesReference species="M_pi_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__1424"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ASPCT" sboTerm="SBO:0000176" id="R_ASPCT" name="CAD2" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_asp__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_cbp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_cbasp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pi_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__1424"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_DHORTS" sboTerm="SBO:0000176" id="R_DHORTS" name="CAD3" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_cbasp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_dhor__S_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__1424"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_DHORD9" sboTerm="SBO:0000176" id="R_DHORD9" name="DHODH" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_dhor__S_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_q10_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_orot_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_q10h2_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__2867"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ORPT" sboTerm="SBO:0000176" id="R_ORPT" name="UMPS1" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_orot_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_prpp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_orot5p_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ppi_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__12563"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_OMPDC" sboTerm="SBO:0000176" id="R_OMPDC" name="UMPS2" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_orot5p_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_co2_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ump_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__12563"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_UMPK" sboTerm="SBO:0000176" id="R_UMPK" name="CMPK1" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ump_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_adp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_udp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__18170"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_RNDR4" sboTerm="SBO:0000176" id="R_RNDR4" name="RRM2B3" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_udp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_dudp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10451"/> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__17296"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10452"/> + </fbc:or> + </fbc:and> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_TMDS" sboTerm="SBO:0000176" id="R_TMDS" name="TYMS" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_dump_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_mlthf_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_dhf_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_dtmp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__12441"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_URIDK2r" sboTerm="SBO:0000176" id="R_URIDK2r" name="CMPK2" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_adp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_dudp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_dump_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3061"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_NDPK2" sboTerm="SBO:0000176" id="R_NDPK2" name="NME1" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_udp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_adp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_utp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7851"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__20461"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__20567"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7849"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7850"/> + </fbc:and> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_NDPK3" sboTerm="SBO:0000176" id="R_NDPK3" name="NME2" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_adp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ctp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_cdp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7851"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__20461"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__20567"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7849"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7850"/> + </fbc:and> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_CTPS1" sboTerm="SBO:0000176" id="R_CTPS1" name="CTPS" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nh4_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_utp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_adp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ctp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="2" constant="true"/> + <speciesReference species="M_pi_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__2520"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__2519"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_RNDR3" sboTerm="SBO:0000176" id="R_RNDR3" name="RRM2B4" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_cdp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_dcdp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10451"/> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__17296"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10452"/> + </fbc:or> + </fbc:and> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_GDHm" sboTerm="SBO:0000176" id="R_GDHm" name="GLUDnadh" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_glu__L_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nad_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_akg_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadh_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nh4_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4335"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4336"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_GLUDym" sboTerm="SBO:0000176" id="R_GLUDym" name="GLUDnadph" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_akg_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nh4_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_glu__L_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4335"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4336"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ASPTA" sboTerm="SBO:0000176" id="R_ASPTA" name="cGOT" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_akg_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_asp__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_glu__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_oaa_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4432"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ASPTAm" sboTerm="SBO:0000176" id="R_ASPTAm" name="mGOT" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_glu__L_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_oaa_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_akg_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_asp__L_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4433"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ASPGLUm" sboTerm="SBO:0000176" id="R_ASPGLUm" name="GLAST" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_asp__L_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_glu__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_asp__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_glu__L_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10983"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10982"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ASPT" sboTerm="SBO:0000176" id="R_ASPT" name="FH3" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_asp__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_fum_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nh4_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3700"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_CBPSam" sboTerm="SBO:0000176" id="R_CBPSam" name="CPS1" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_atp_m" stoichiometry="2" constant="true"/> + <speciesReference species="M_hco3_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nh4_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_adp_m" stoichiometry="2" constant="true"/> + <speciesReference species="M_cbp_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_m" stoichiometry="2" constant="true"/> + <speciesReference species="M_pi_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__2323"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_OCBTm" sboTerm="SBO:0000176" id="R_OCBTm" name="OTC" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_cbp_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_orn_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_citr__L_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_pi_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__8512"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ORNt4m" sboTerm="SBO:0000176" id="R_ORNt4m" name="ORNT" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_citr__L_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_orn_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_citr__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_orn_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10985"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__22921"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ARGSS" sboTerm="SBO:0000176" id="R_ARGSS" name="ASS1" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_asp__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_citr__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_amp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_argsuc_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ppi_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__758"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ARGSL" sboTerm="SBO:0000176" id="R_ARGSL" name="ASL" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_argsuc_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_arg__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_fum_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__746"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ARGN" sboTerm="SBO:0000176" id="R_ARGN" name="ARG1" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_arg__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_orn_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_urea_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__663"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ORNDC" sboTerm="SBO:0000176" id="R_ORNDC" name="ODC1" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_orn_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_co2_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ptrc_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__8109"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_SPMS" sboTerm="SBO:0000176" id="R_SPMS" name="SpermidineSynthase" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_ametam_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ptrc_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_5mta_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_spmd_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11296"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_SPRMS" sboTerm="SBO:0000176" id="R_SPRMS" name="SpermineSynthase" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_ametam_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_spmd_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_5mta_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_sprm_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11123"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11296"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ADMDC" sboTerm="SBO:0000176" id="R_ADMDC" name="AMD1" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_amet_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_ametam_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_co2_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__457"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_MTAP" sboTerm="SBO:0000176" id="R_MTAP" name="MTAP" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_5mta_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pi_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_5mdr1p_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ade_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7413"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ADPT" sboTerm="SBO:0000176" id="R_ADPT" name="APRT" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_ade_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_prpp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_amp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ppi_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__626"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_MTRI" sboTerm="SBO:0000176" id="R_MTRI" name="MRI1" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_5mdr1p_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_5mdru1p_c" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_MDRPD" sboTerm="SBO:0000176" id="R_MDRPD" name="MTRUD" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_5mdru1p_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_dkmpp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__642"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7103"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__638"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__634"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__637"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__633"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_DKMPPD" sboTerm="SBO:0000176" id="R_DKMPPD" name="dkmppDegradation" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_dkmpp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_o2_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_2kmb_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_for_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="2" constant="true"/> + <speciesReference species="M_pi_c" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_SPMDtex2" sboTerm="SBO:0000176" id="R_SPMDtex2" name="DMspermidine" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_spmd_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_spmd_e" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_SPRMti" sboTerm="SBO:0000176" id="R_SPRMti" name="DMspermine" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_sprm_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_sprm_e" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10963"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_GLYAMDTRc" sboTerm="SBO:0000176" id="R_GLYAMDTRc" name="AGAT" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_arg__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_gly_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_gudac_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_orn_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4175"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ARGDr" sboTerm="SBO:0000176" id="R_ARGDr" name="ARGAH" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_arg__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_citr__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nh4_c" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_r0074" sboTerm="SBO:0000176" id="R_r0074" name="ALDH18A1" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_glu__L_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_m" stoichiometry="2" constant="true"/> + <speciesReference species="M_nadh_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_glu5sa_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nad_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__406"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_GLU5SAtmc" sboTerm="SBO:0000176" id="R_GLU5SAtmc" name="TransportGLU5SA" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_glu5sa_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_glu5sa_c" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_G5SADs" sboTerm="SBO:0000176" id="R_G5SADs" name="ALDH4A1" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_glu5sa_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_1pyr5c_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__406"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_PRO1x" sboTerm="SBO:0000176" id="R_PRO1x" name="P5CR2nadh" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_1pyr5c_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="2" constant="true"/> + <speciesReference species="M_nadh_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_nad_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pro__L_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__30262"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_P5CR" sboTerm="SBO:0000176" id="R_P5CR" name="P5CR2nadph" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_1pyr5c_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="2" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pro__L_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__30262"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_PROD2" sboTerm="SBO:0000176" id="R_PROD2" name="PRODH2" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_fad_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pro__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_1pyr5c_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_fadh2_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__17325"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_TransportFAD" sboTerm="SBO:0000176" id="R_TransportFAD" name="TransportFAD" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_fad_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_fadh2_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_fad_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_fadh2_m" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_ASNS1" sboTerm="SBO:0000176" id="R_ASNS1" name="ASNS" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_asp__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_gln__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_amp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_asn__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_glu__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ppi_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__753"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ASNN" sboTerm="SBO:0000176" id="R_ASNN" name="ASRGL1" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_asn__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_asp__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nh4_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__16448"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__20123"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_METS" sboTerm="SBO:0000176" id="R_METS" name="MTR" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_5mthf_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_hcys__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_met__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_thf_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7468"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_METAT" sboTerm="SBO:0000176" id="R_METAT" name="MAT" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_met__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_amet_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pi_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ppi_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__6903"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__6905"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__6904"/> + </fbc:and> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_HMR_3915" sboTerm="SBO:0000176" id="R_HMR_3915" name="HNMT" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_amet_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_thf_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_5mthf_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ahcys_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__5028"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_AHCi" sboTerm="SBO:0000176" id="R_AHCi" name="AHCY" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_ahcys_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_adn_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_hcys__L_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__642"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7103"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__638"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__634"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__637"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__633"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ADNK1" sboTerm="SBO:0000176" id="R_ADNK1" name="ADK" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_adn_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_adp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_amp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__257"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_CYSTS" sboTerm="SBO:0000176" id="R_CYSTS" name="CBS" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_hcys__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ser__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_cyst__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__1550"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_CYSTGL" sboTerm="SBO:0000176" id="R_CYSTGL" name="CTH" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_cyst__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_2obut_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_cys__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nh4_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__2501"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_MTHFR3" sboTerm="SBO:0000176" id="R_MTHFR3" name="MTHFR" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_h_c" stoichiometry="2" constant="true"/> + <speciesReference species="M_mlthf_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_5mthf_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7436"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_UNK2" sboTerm="SBO:0000176" id="R_UNK2" name="MetSynthesis" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_2kmb_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_gln__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="2" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_glu__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_met__L_c" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_UNK3" sboTerm="SBO:0000176" id="R_UNK3" name="TAT" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_2kmb_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_glu__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_akg_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_met__L_c" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_5MTHFt" sboTerm="SBO:0000176" id="R_5MTHFt" name="Dm5methylTHF" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_5mthf_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_5mthf_e" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3791"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3795"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ILETA" sboTerm="SBO:0000176" id="R_ILETA" name="cBCAT1" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_akg_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ile__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_3mop_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_glu__L_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__976"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_3MOPt2im" sboTerm="SBO:0000176" id="R_3MOPt2im" name="Transport3mop" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_3mop_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_3mop_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_m" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_ILETAm" sboTerm="SBO:0000176" id="R_ILETAm" name="mBCAT1" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_akg_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_ile__L_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_3mop_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_glu__L_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__977"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_LEUTA" sboTerm="SBO:0000176" id="R_LEUTA" name="cBCAT2" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_akg_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_leu__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_4mop_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_glu__L_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__976"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_4MOPt2im" sboTerm="SBO:0000176" id="R_4MOPt2im" name="Transport4mop" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_4mop_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_4mop_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_m" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_LEUTAm" sboTerm="SBO:0000176" id="R_LEUTAm" name="mBCAT2" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_akg_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_leu__L_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_4mop_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_glu__L_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__977"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_OIVD1m" sboTerm="SBO:0000176" id="R_OIVD1m" name="BCKD1" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_4mop_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_coa_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nad_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_co2_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_ivcoa_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadh_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__987"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__2898"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__2698"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__986"/> + </fbc:and> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ACOAD8m" sboTerm="SBO:0000176" id="R_ACOAD8m" name="IVD" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_fad_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_ivcoa_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_3mb2coa_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_fadh2_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__6186"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_MCCCrm" sboTerm="SBO:0000176" id="R_MCCCrm" name="MCC" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_3mb2coa_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_atp_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_hco3_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_3mgcoa_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_adp_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_pi_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__6936"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__6937"/> + </fbc:and> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_MGCHrm" sboTerm="SBO:0000176" id="R_MGCHrm" name="MGCoAH" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_3mgcoa_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_hmgcoa_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__890"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_HMGCOAtm" sboTerm="SBO:0000176" id="R_HMGCOAtm" name="TransportHMGCoA" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_hmgcoa_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_hmgcoa_c" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_VALTA" sboTerm="SBO:0000176" id="R_VALTA" name="cBCAT3" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_akg_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_val__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_3mob_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_glu__L_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__976"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_3MOBt2im" sboTerm="SBO:0000176" id="R_3MOBt2im" name="Transport3mob" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_3mob_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_3mob_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_m" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_VALTAim" sboTerm="SBO:0000176" id="R_VALTAim" name="mBCAT3" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_akg_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_val__L_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_3mob_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_glu__L_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__977"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_OIVD2m" sboTerm="SBO:0000176" id="R_OIVD2m" name="BCKD2" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_3mob_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_coa_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nad_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_co2_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_ibcoa_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadh_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__987"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__2898"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__2698"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__986"/> + </fbc:and> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ACOAD9m" sboTerm="SBO:0000176" id="R_ACOAD9m" name="ACOAD" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_fad_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_ibcoa_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_2mp2coa_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_fadh2_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__89"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__87"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ECOAH12m" sboTerm="SBO:0000176" id="R_ECOAH12m" name="ECoAH" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_2mp2coa_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_3hibutcoa_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3151"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4801"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4803"/> + </fbc:and> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_3HBCOAHLm" sboTerm="SBO:0000176" id="R_3HBCOAHLm" name="HIBCH" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_3hibutcoa_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_3hmp_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_coa_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_m" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_HIBDm" sboTerm="SBO:0000176" id="R_HIBDm" name="HIBD" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_3hmp_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nad_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_2mop_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadh_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4907"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_r0643" sboTerm="SBO:0000176" id="R_r0643" name="HIBADH" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_2mop_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nad_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_HC00900_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_m" stoichiometry="2" constant="true"/> + <speciesReference species="M_nadh_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__403"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__404"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__407"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__412"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__877"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_MMSAD1m" sboTerm="SBO:0000176" id="R_MMSAD1m" name="MMAL1" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_2mop_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_coa_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nad_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_co2_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadh_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_ppcoa_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7179"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_MMTSADm" sboTerm="SBO:0000176" id="R_MMTSADm" name="MMAL2" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_2mop_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_coa_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nad_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_h_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_mmcoa__R_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadh_m" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_PCC" sboTerm="SBO:0000176" id="R_PCC" name="PCC" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_atp_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_hco3_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_ppcoa_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_adp_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_mmcoa__S_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_pi_m" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_MMALH" sboTerm="SBO:0000176" id="R_MMALH" name="MMALH" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_HC00900_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_coa_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_h2o_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_mmcoa__S_m" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_MMEm" sboTerm="SBO:0000176" id="R_MMEm" name="MCM1" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_mmcoa__S_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_mmcoa__R_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__16732"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_MMMm" sboTerm="SBO:0000176" id="R_MMMm" name="MCM2" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_mmcoa__R_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_succoa_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7526"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ILEtmi" sboTerm="SBO:0000176" id="R_ILEtmi" name="TransportIle" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_ile__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_ile__L_m" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_LEUt5m" sboTerm="SBO:0000176" id="R_LEUt5m" name="TransportLeu" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_leu__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_leu__L_m" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_VALt5m" sboTerm="SBO:0000176" id="R_VALt5m" name="TransportVal" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_val__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_val__L_m" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_PGCD" sboTerm="SBO:0000176" id="R_PGCD" name="PHGDH" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_3pg_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nad_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_3php_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadh_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__8923"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_PSERT" sboTerm="SBO:0000176" id="R_PSERT" name="PSAT1" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_3php_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_glu__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_akg_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pser__L_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__19129"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_PSP_L" sboTerm="SBO:0000176" id="R_PSP_L" name="PSPH" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pser__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_pi_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ser__L_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__9577"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_GHMT2r" sboTerm="SBO:0000176" id="R_GHMT2r" name="cSHMT" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_ser__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_thf_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_gly_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_mlthf_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10850"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_SERD_L" sboTerm="SBO:0000176" id="R_SERD_L" name="SDS" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_ser__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_nh4_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pyr_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10691"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__30404"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ALATA_L" sboTerm="SBO:0000176" id="R_ALATA_L" name="GPT" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_glu__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pyr_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_akg_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ala__L_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__18062"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4552"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_r1435" sboTerm="SBO:0000176" id="R_r1435" name="TransportSer" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_ser__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_ser__L_m" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_GLYtm" sboTerm="SBO:0000176" id="R_GLYtm" name="TransportGly" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_gly_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_gly_m" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_GHMT2rm" sboTerm="SBO:0000176" id="R_GHMT2rm" name="mSHMT" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_ser__L_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_thf_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_gly_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_mlthf_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10852"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_MLTHFtm" sboTerm="SBO:0000176" id="R_MLTHFtm" name="mlthf Transport" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_mlthf_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_mlthf_m" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_r0962" sboTerm="SBO:0000176" id="R_r0962" name="Transport_folate" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_fol_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_fol_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__29683"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_FORtm" sboTerm="SBO:0000176" id="R_FORtm" name="TransportFormate" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_for_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_for_c" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_r0514" sboTerm="SBO:0000176" id="R_r0514" name="DHFRL1_DHFR_5" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_fol_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_dhf_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__2861"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_DHFRim" sboTerm="SBO:0000176" id="R_DHFRim" name="DHFRL1_DHFR_6" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_dhf_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_nadp_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_thf_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__2861"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_FTHFLmi" sboTerm="SBO:0000176" id="R_FTHFLmi" name="mMTHFD1" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_atp_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_for_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_thf_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_10fthf_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_adp_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_pi_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7432"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__21055"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_MTHFCm" sboTerm="SBO:0000176" id="R_MTHFCm" name="mMTHFD2" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_10fthf_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_h2o_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_methf_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7434"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_MTHFDm" sboTerm="SBO:0000176" id="R_MTHFDm" name="mMTHFD3" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_methf_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_mlthf_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7434"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7432"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_FOLR2" sboTerm="SBO:0000176" id="R_FOLR2" name="cDHFR1" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_fol_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_dhf_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__2861"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_DHFR" sboTerm="SBO:0000176" id="R_DHFR" name="cDHFR2" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_dhf_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_thf_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__2861"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_FTHFLi" sboTerm="SBO:0000176" id="R_FTHFLi" name="cMTHFD1" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_for_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_thf_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_10fthf_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_adp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pi_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7432"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_FTHFDH" sboTerm="SBO:0000176" id="R_FTHFDH" name="cMTHFD2" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_10fthf_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_co2_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_thf_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__26777"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3978"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_MTHFC" sboTerm="SBO:0000176" id="R_MTHFC" name="cMTHFD3" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_10fthf_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_methf_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7432"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_MTHFD" sboTerm="SBO:0000176" id="R_MTHFD" name="cMTHFD4" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_methf_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_mlthf_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7432"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7436"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_MTHFD2i" sboTerm="SBO:0000176" id="R_MTHFD2i" name="cMTHFD5" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_methf_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadh_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_mlthf_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nad_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7434"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__31865"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ACACT1r" sboTerm="SBO:0000176" id="R_ACACT1r" name="cACAT" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_accoa_c" stoichiometry="2" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_aacoa_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_coa_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__94"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_HMGCOAS" sboTerm="SBO:0000176" id="R_HMGCOAS" name="cHMGCS" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_aacoa_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_accoa_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_coa_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_hmgcoa_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__5007"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_HMGCOAR" sboTerm="SBO:0000176" id="R_HMGCOAR" name="Hydroxymethylglutaryl CoA reductase" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_h_c" stoichiometry="2" constant="true"/> + <speciesReference species="M_hmgcoa_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="2" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_coa_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_mev__R_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="2" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__5006"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_MEVK1" sboTerm="SBO:0000176" id="R_MEVK1" name="Mevalonate kinase atp" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_mev__R_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_5pmev_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_adp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7530"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_PMEVK" sboTerm="SBO:0000176" id="R_PMEVK" name="Phosphomevalonate kinase" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_5pmev_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_5dpmev_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_adp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__9141"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_IPDDI" sboTerm="SBO:0000176" id="R_IPDDI" name="Isopentenyl-diphosphate D-isomerase" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_ipdp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_dmpp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__5387"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__23487"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_DPMVD" sboTerm="SBO:0000176" id="R_DPMVD" name="Diphosphomevalonate decarboxylase" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_5dpmev_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_adp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_co2_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ipdp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pi_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7529"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_DMATT" sboTerm="SBO:0000176" id="R_DMATT" name="Dimethylallyltranstransferase" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_dmpp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ipdp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_grdp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ppi_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4249"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_GRTT" sboTerm="SBO:0000176" id="R_GRTT" name="Geranyltranstransferase" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_grdp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ipdp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_frdp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ppi_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4249"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_HMR_1465" sboTerm="SBO:0000176" id="R_HMR_1465" name="Farnesyl-Diphosphate:Farnesyl-Diphosphate Farnesyltransferase" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_frdp_c" stoichiometry="2" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_HC01118_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ppi_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3629"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_HMR_1467" sboTerm="SBO:0000176" id="R_HMR_1467" name="Presqualene-Diphosphate Diphosphate-Lyase (Reducing, Squalene-Forming)" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_HC01118_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ppi_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_sql_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3629"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_SMO" sboTerm="SBO:0000176" id="R_SMO" name="Squalene monooxygenase" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_o2_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_sql_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_Ssq23epx_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11279"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_LNSTLS" sboTerm="SBO:0000176" id="R_LNSTLS" name="Lanosterol synthase" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_Ssq23epx_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_lanost_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__6708"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_HMR_1477" sboTerm="SBO:0000176" id="R_HMR_1477" name="Sterol 14Alpha-Demethylase" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_lanost_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_o2_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_M00939_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__2649"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_HMR_1478" sboTerm="SBO:0000176" id="R_HMR_1478" name="Sterol 14Alpha-Demethylase" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_M00939_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_o2_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_M00937_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="2" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__2649"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_HMR_1479" sboTerm="SBO:0000176" id="R_HMR_1479" name="Sterol 14Alpha-Demethylase" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_M00937_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_o2_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_44mctr_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_for_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__2649"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_C14STR" sboTerm="SBO:0000176" id="R_C14STR" name="C 14 sterol reductase" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_44mctr_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_44mzym_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__6518"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11863"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_HMR_1490" sboTerm="SBO:0000176" id="R_HMR_1490" name="Methylsterol Monooxygenase" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_44mzym_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_o2_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_M00961_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10545"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__1334"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_HMR_1493" sboTerm="SBO:0000176" id="R_HMR_1493" name="Methylsterol Monooxygenase" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_M00961_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_o2_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_M00957_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="2" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10545"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__1334"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_HMR_1494" sboTerm="SBO:0000176" id="R_HMR_1494" name="Methylsterol Monooxygenase" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_M00957_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_o2_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_4mzym_int1_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10545"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__1334"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_C3STDH1" sboTerm="SBO:0000176" id="R_C3STDH1" name="C 3 sterol dehydrogenase 4 methylzymosterol" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_4mzym_int1_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nad_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_4mzym_int2_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_co2_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadh_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13398"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_HMR_1495" sboTerm="SBO:0000176" id="R_HMR_1495" name="3Beta-Hydroxysteroid-4Alpha-Carboxylate 3-Dehydrogenase (Decarboxylating)" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_4mzym_int1_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_4mzym_int2_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_co2_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13398"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__19340"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_HMR_1500" sboTerm="SBO:0000176" id="R_HMR_1500" name="3Beta-Hydroxysteroid 3-Dehydrogenase" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_4mzym_int2_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="3" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_HC02110_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__5215"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_HMR_1502" sboTerm="SBO:0000176" id="R_HMR_1502" name="Methylsterol Monooxygenase" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_HC02110_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_o2_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_M00963_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10545"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__1334"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_HMR_1503" sboTerm="SBO:0000176" id="R_HMR_1503" name="Methylsterol Monooxygenase" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_M00963_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_o2_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_M00959_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="2" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10545"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__1334"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_HMR_1504" sboTerm="SBO:0000176" id="R_HMR_1504" name="Methylsterol Monooxygenase" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_M00959_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_o2_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_M00955_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10545"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__1334"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_HMR_1505" sboTerm="SBO:0000176" id="R_HMR_1505" name="3Beta-Hydroxysteroid-4Alpha-Carboxylate 3-Dehydrogenase (Decarboxylating)" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_M00955_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_M01067_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_co2_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13398"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_HMR_1509" sboTerm="SBO:0000176" id="R_HMR_1509" name="3Beta-Hydroxysteroid 3-Dehydrogenase" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_M01067_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_zymst_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__5215"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_CHLSTI_1" sboTerm="SBO:0000176" id="R_CHLSTI_1" name="Delta8,24-cholestadien-3beta-ol delta7-delta8-isomerase" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_zymst_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_chlstol_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3133"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_HMR_1516" sboTerm="SBO:0000176" id="R_HMR_1516" name="HMR 1516" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_chlstol_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_o2_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_ddsmsterol_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="2" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10547"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_RE2410C" sboTerm="SBO:0000176" id="R_RE2410C" name="7-Dehydrocholesterol Reductase" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_ddsmsterol_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_dsmsterol_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_DSMSTOLR" sboTerm="SBO:0000176" id="R_DSMSTOLR" name="Desmosterol reductase" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_dsmsterol_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_chsterol_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__2859"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ACCOAC" sboTerm="SBO:0000176" id="R_ACCOAC" name="ACC" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_accoa_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_hco3_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_adp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_malcoa_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pi_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__85"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__84"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_FASN" sboTerm="SBO:0000176" id="R_FASN" name="FASN" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_ACP_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_accoa_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_acACP_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_coa_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3594"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_MCAT" sboTerm="SBO:0000176" id="R_MCAT" name="MCAT" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_ACP_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_malcoa_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_coa_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_malACP_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3594"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_AcetoacetylACPsynthesis" sboTerm="SBO:0000176" id="R_AcetoacetylACPsynthesis" name="AcetoacetylACPsynthesis" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_acACP_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_malACP_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_ACP_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_HC01587_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_co2_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3594"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_r0691" sboTerm="SBO:0000176" id="R_r0691" name="r0691" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_HC01587_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_R_3_hydroxybutanoyl_ACP_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3594"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_r0681" sboTerm="SBO:0000176" id="R_r0681" name="r0681" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_R_3_hydroxybutanoyl_ACP_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_but_2_enoyl_ACP_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3594"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_r0682" sboTerm="SBO:0000176" id="R_r0682" name="r0682" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_but_2_enoyl_ACP_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_butyryl_ACP_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3594"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_r0760" sboTerm="SBO:0000176" id="R_r0760" name="r0760" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_malACP_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_butyryl_ACP_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_3_oxohexanoyl_ACP_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_co2_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ACP_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3594"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_r0761" sboTerm="SBO:0000176" id="R_r0761" name="r0761" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_3_oxohexanoyl_ACP_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_D_3_hydroxyhexanoyl_ACP_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3594"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_r0762" sboTerm="SBO:0000176" id="R_r0762" name="r0762" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_D_3_hydroxyhexanoyl_ACP_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_2E_hexenoyl_ACP_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3594"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_r0763" sboTerm="SBO:0000176" id="R_r0763" name="r0763" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_2E_hexenoyl_ACP_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_hexanoyl_ACP_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3594"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_r0764" sboTerm="SBO:0000176" id="R_r0764" name="r0764" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_malACP_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_hexanoyl_ACP_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_3_oxooctanoyl_ACP_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_co2_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ACP_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3594"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_r0694" sboTerm="SBO:0000176" id="R_r0694" name="r0694" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_3_oxooctanoyl_ACP_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_R_3_hydroxyoctanoyl_ACP_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3594"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_r0695" sboTerm="SBO:0000176" id="R_r0695" name="r0695" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_R_3_hydroxyoctanoyl_ACP_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_2E_octenoyl_ACP_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3594"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_r0765" sboTerm="SBO:0000176" id="R_r0765" name="r0765" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_2E_octenoyl_ACP_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_octanoyl_ACP_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3594"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_r0766" sboTerm="SBO:0000176" id="R_r0766" name="r0766" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_malACP_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_octanoyl_ACP_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_3_oxodecanoyl_ACP_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_co2_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ACP_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3594"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_r0692" sboTerm="SBO:0000176" id="R_r0692" name="r0692" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_3_oxodecanoyl_ACP_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_R_3_hydroxydecanoyl_ACP_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3594"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_r0693" sboTerm="SBO:0000176" id="R_r0693" name="r0693" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_R_3_hydroxydecanoyl_ACP_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_2E_decenoyl_ACP_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3594"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_r0767" sboTerm="SBO:0000176" id="R_r0767" name="r0767" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_2E_decenoyl_ACP_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_decanoyl_ACP_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3594"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_r0768" sboTerm="SBO:0000176" id="R_r0768" name="r0768" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_malACP_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_decanoyl_ACP_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_3_oxododecanoyl_ACP_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_co2_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ACP_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3594"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_r0769" sboTerm="SBO:0000176" id="R_r0769" name="r0769" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_3_oxododecanoyl_ACP_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_D_3_hydroxydodecanoyl_ACP_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3594"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_r0770" sboTerm="SBO:0000176" id="R_r0770" name="r0770" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_D_3_hydroxydodecanoyl_ACP_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_2E_dodecenoyl_ACP_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3594"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_r0712" sboTerm="SBO:0000176" id="R_r0712" name="r0712" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_2E_dodecenoyl_ACP_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_dodecanoyl_ACP_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3594"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_r0713" sboTerm="SBO:0000176" id="R_r0713" name="r0713" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_malACP_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_dodecanoyl_ACP_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_3_oxotetradecanoyl_ACP_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_co2_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ACP_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3594"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_r0701" sboTerm="SBO:0000176" id="R_r0701" name="r0701" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_3_oxotetradecanoyl_ACP_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_HMA_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3594"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_r0702" sboTerm="SBO:0000176" id="R_r0702" name="r0702" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_HMA_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_2E_tetradecenoyl_ACP_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3594"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_r0771" sboTerm="SBO:0000176" id="R_r0771" name="r0771" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_2E_tetradecenoyl_ACP_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_tetradecanoyl_ACP_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3594"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_r0772" sboTerm="SBO:0000176" id="R_r0772" name="r0772" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_malACP_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_tetradecanoyl_ACP_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_3_oxohexadecanoyl_ACP_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_co2_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ACP_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3594"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_r0696" sboTerm="SBO:0000176" id="R_r0696" name="r0696" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_3_oxohexadecanoyl_ACP_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_R_3_hydroxypalmitoyl_ACP_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3594"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_r0697" sboTerm="SBO:0000176" id="R_r0697" name="r0697" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_R_3_hydroxypalmitoyl_ACP_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_2E_hexadecenoyl_ACP_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3594"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_r0773" sboTerm="SBO:0000176" id="R_r0773" name="r0773" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_2E_hexadecenoyl_ACP_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_hexadecanoyl_ACP_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3594"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_FA160ACPH" sboTerm="SBO:0000176" id="R_FA160ACPH" name="FA160ACPH" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_hexadecanoyl_ACP_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_hdca_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ACP_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__25625"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3594"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_palmitateActivation" sboTerm="SBO:0000176" id="R_palmitateActivation" name="palmitateActivation" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_coa_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_hdca_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_amp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ppi_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ptth_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3571"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3570"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3569"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__16496"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_carnitineAcylTransferaseI" sboTerm="SBO:0000176" id="R_carnitineAcylTransferaseI" name="carnitineAcylTransferaseI" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_crn_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ptth_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_coa_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pmtcrn_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__2328"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__18540"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__2329"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_CARN160t_m" sboTerm="SBO:0000176" id="R_CARN160t_m" name="translocase" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_crn_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_pmtcrn_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_crn_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pmtcrn_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__1421"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_carnitineAcylTransferaseII" sboTerm="SBO:0000176" id="R_carnitineAcylTransferaseII" name="carnitineAcylTransferaseII" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_coa_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_pmtcrn_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_crn_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_ptth_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__2330"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_betaOxidation" sboTerm="SBO:0000176" id="R_betaOxidation" name="betaOxidation" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_coa_m" stoichiometry="7" constant="true"/> + <speciesReference species="M_fad_m" stoichiometry="7" constant="true"/> + <speciesReference species="M_h2o_m" stoichiometry="7" constant="true"/> + <speciesReference species="M_nad_m" stoichiometry="7" constant="true"/> + <speciesReference species="M_ptth_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_accoa_m" stoichiometry="8" constant="true"/> + <speciesReference species="M_fadh2_m" stoichiometry="7" constant="true"/> + <speciesReference species="M_h_m" stoichiometry="7" constant="true"/> + <speciesReference species="M_nadh_m" stoichiometry="7" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__92"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4801"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3482"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__88"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__89"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3151"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4803"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3481"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__83"/> + </fbc:and> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_Biomass" sboTerm="SBO:0000176" id="R_Biomass" name="Biomass" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_ala__L_c" stoichiometry="0.505626" constant="true"/> + <speciesReference species="M_arg__L_c" stoichiometry="0.35926" constant="true"/> + <speciesReference species="M_asn__L_c" stoichiometry="0.279425" constant="true"/> + <speciesReference species="M_asp__L_c" stoichiometry="0.352607" constant="true"/> + <speciesReference species="M_gln__L_c" stoichiometry="0.325996" constant="true"/> + <speciesReference species="M_glu__L_c" stoichiometry="0.385872" constant="true"/> + <speciesReference species="M_gly_c" stoichiometry="0.538891" constant="true"/> + <speciesReference species="M_pro__L_c" stoichiometry="0.412484" constant="true"/> + <speciesReference species="M_ser__L_c" stoichiometry="0.392525" constant="true"/> + <speciesReference species="M_met__L_c" stoichiometry="0.153018" constant="true"/> + <speciesReference species="M_thr__L_c" stoichiometry="0.31269" constant="true"/> + <speciesReference species="M_trp__L_c" stoichiometry="0.013306" constant="true"/> + <speciesReference species="M_his__L_c" stoichiometry="0.126406" constant="true"/> + <speciesReference species="M_lys__L_c" stoichiometry="0.592114" constant="true"/> + <speciesReference species="M_val__L_c" stoichiometry="0.352607" constant="true"/> + <speciesReference species="M_leu__L_c" stoichiometry="0.545544" constant="true"/> + <speciesReference species="M_ile__L_c" stoichiometry="0.286078" constant="true"/> + <speciesReference species="M_phe__L_c" stoichiometry="0.259466" constant="true"/> + <speciesReference species="M_tyr__L_c" stoichiometry="0.159671" constant="true"/> + <speciesReference species="M_cys__L_c" stoichiometry="0.046571" constant="true"/> + <speciesReference species="M_datp_c" stoichiometry="0.013183" constant="true"/> + <speciesReference species="M_dctp_c" stoichiometry="0.009442" constant="true"/> + <speciesReference species="M_dgtp_c" stoichiometry="0.009898" constant="true"/> + <speciesReference species="M_dttp_c" stoichiometry="0.013091" constant="true"/> + <speciesReference species="M_ctp_c" stoichiometry="0.039036" constant="true"/> + <speciesReference species="M_gtp_c" stoichiometry="0.036117" constant="true"/> + <speciesReference species="M_utp_c" stoichiometry="0.053446" constant="true"/> + <speciesReference species="M_atp_c" stoichiometry="20.704451" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="20.650823" constant="true"/> + <speciesReference species="M_g6p_c" stoichiometry="0.275194" constant="true"/> + <speciesReference species="M_chsterol_c" stoichiometry="0.020401" constant="true"/> + <speciesReference species="M_hdca_c" stoichiometry="0.271039" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_BIOMASSA_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_adp_c" stoichiometry="20.650823" constant="true"/> + <speciesReference species="M_pi_c" stoichiometry="20.650823" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="20.650823" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_GLCt1" sboTerm="SBO:0000176" id="R_GLCt1" name="uptakeGlc" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_glc__D_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_glc__D_e" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11007"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11036"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11039"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11040"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13446"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__14025"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11005"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__22146"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__14239"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13812"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11041"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11037"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11010"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__18067"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__28750"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__15956"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__23155"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__23091"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11011"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11006"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__18301"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11009"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13445"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13444"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11038"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__19119"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_O2t" sboTerm="SBO:0000176" id="R_O2t" name="uptakeO2" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_0_bound"> + <listOfReactants> + <speciesReference species="M_o2_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_o2_e" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_gln_L_t" sboTerm="SBO:0000176" id="R_gln_L_t" name="uptakeGln" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>gpr_old: ENSG00000017483 or ENSG00000111371 or ENSG00000134294 or ENSG00000139209 or ENSG00000149150 or ENSG00000174358 or ENSG00000188338 or ENSG00000268104 or (ENSG00000147003 and ENSG00000164363)</p> + </html> + </notes> + <listOfReactants> + <speciesReference species="M_gln__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_gln__L_e" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11058"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11026"/> + </fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__18070"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__18044"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11063"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11064"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__9225"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__26441"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__29437"/> + </fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13447"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11047"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13448"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__14679"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__27960"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__29437"/> + </fbc:and> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__27960"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13557"/> + </fbc:and> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_r0963" sboTerm="SBO:0000176" id="R_r0963" name="ExFolate" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_0_bound"> + <listOfReactants> + <speciesReference species="M_fol_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_fol_e" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3791"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3795"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3793"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_THBPTt" sboTerm="SBO:0000176" id="R_THBPTt" name="ExTetrahydrobiopterinc" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_0_bound"> + <listOfReactants> + <speciesReference species="M_thbpt_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_thbpt_e" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_arg_L_t" sboTerm="SBO:0000176" id="R_arg_L_t" name="ExArg" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_0_bound"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>gpr_old: ENSG00000003989 or ENSG00000139209 or ENSG00000139514 or ENSG00000165349 or ENSG00000268104</p> + </html> + </notes> + <listOfReactants> + <speciesReference species="M_arg__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_arg__L_e" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11047"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11067"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__26441"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__29437"/> + </fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11057"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11060"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11061"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11026"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11065"/> + </fbc:and> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11064"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11026"/> + </fbc:and> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_phe_L_t" sboTerm="SBO:0000176" id="R_phe_L_t" name="ExPhe" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_0_bound"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>gpr_old: ENSG00000112394 or ENSG00000149150 or ENSG00000167703</p> + </html> + </notes> + <listOfReactants> + <speciesReference species="M_phe__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_phe__L_e" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13448"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11061"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11047"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11060"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13447"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11057"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__14679"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__27960"/> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__29437"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13557"/> + </fbc:or> + </fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__17027"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__23087"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__9225"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11063"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11064"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11066"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__26441"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__29437"/> + </fbc:and> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ile_L_t" sboTerm="SBO:0000176" id="R_ile_L_t" name="ExIle" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_0_bound"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>gpr_old: ENSG00000149150 or ENSG00000167703</p> + </html> + </notes> + <listOfReactants> + <speciesReference species="M_ile__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_ile__L_e" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11047"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__27960"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__29437"/> + </fbc:and> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__27960"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13557"/> + </fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__9225"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__23087"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11063"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11064"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__26441"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__29437"/> + </fbc:and> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_leu_L_t" sboTerm="SBO:0000176" id="R_leu_L_t" name="ExLeu" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_0_bound"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>gpr_old: ENSG00000149150 or ENSG00000167703</p> + </html> + </notes> + <listOfReactants> + <speciesReference species="M_leu__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_leu__L_e" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13447"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11061"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11026"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11060"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11057"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11047"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__14679"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__27960"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__29437"/> + </fbc:and> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__27960"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13557"/> + </fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__9225"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__23087"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11063"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11064"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__26441"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__29437"/> + </fbc:and> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_val_L_t" sboTerm="SBO:0000176" id="R_val_L_t" name="ExVal" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_0_bound"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>gpr_old: ENSG00000149150 or ENSG00000167703</p> + </html> + </notes> + <listOfReactants> + <speciesReference species="M_val__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_val__L_e" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11047"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__27960"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__29437"/> + </fbc:and> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__27960"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13557"/> + </fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__9225"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__23087"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11063"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11064"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__26441"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__29437"/> + </fbc:and> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_met_L_t" sboTerm="SBO:0000176" id="R_met_L_t" name="ExMet" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_0_bound"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>gpr_old: ENSG00000149150 or ENSG00000167703</p> + </html> + </notes> + <listOfReactants> + <speciesReference species="M_met__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_met__L_e" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13447"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11047"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13448"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10969"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__27960"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__29437"/> + </fbc:and> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__27960"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13557"/> + </fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__9225"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__23087"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11063"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11064"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__26441"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__29437"/> + </fbc:and> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ser_L_t" sboTerm="SBO:0000176" id="R_ser_L_t" name="ExSer" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>gpr_old: ENSG00000017483 or ENSG00000111371 or ENSG00000123643 or ENSG00000134294 or ENSG00000139209 or ENSG00000149150 or ENSG00000268104 or (ENSG00000130234 and ENSG00000174358) or (ENSG00000147003 and ENSG00000164363) or (ENSG00000147003 and ENSG00000174358)</p> + </html> + </notes> + <listOfReactants> + <speciesReference species="M_ser__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_ser__L_e" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13447"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11047"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13448"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__14679"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__27960"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__29437"/> + </fbc:and> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__27960"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13557"/> + </fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__18070"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11063"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11064"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__18761"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__9225"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__26441"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__29437"/> + </fbc:and> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_gly_t" sboTerm="SBO:0000176" id="R_gly_t" name="ExGly" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>gpr_old: ENSG00000017483 or ENSG00000111371 or ENSG00000123643 or ENSG00000134294 or ENSG00000139209 or ENSG00000165970 or ENSG00000186335 or ENSG00000196517 or ENSG00000268104 or (ENSG00000130234 and ENSG00000174358) or (ENSG00000147003 and ENSG00000164363) or (ENSG00000147003 and ENSG00000174358)</p> + </html> + </notes> + <listOfReactants> + <speciesReference species="M_gly_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_gly_e" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11058"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11026"/> + </fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13447"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11047"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13448"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__14679"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__27960"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__29437"/> + </fbc:and> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__27960"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13557"/> + </fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11056"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11056"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11063"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11064"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11051"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__18070"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__26441"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__29437"/> + </fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__18762"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__18761"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_asn_L_t" sboTerm="SBO:0000176" id="R_asn_L_t" name="ExAsn" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>gpr_old: ENSG00000017483 or ENSG00000111371 or ENSG00000134294 or ENSG00000139209 or ENSG00000149150 or ENSG00000188338 or ENSG00000268104 or (ENSG00000130234 and ENSG00000174358) or (ENSG00000147003 and ENSG00000164363) or (ENSG00000147003 and ENSG00000174358)</p> + </html> + </notes> + <listOfReactants> + <speciesReference species="M_asn__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_asn__L_e" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13447"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11047"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13448"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__14679"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__27960"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__29437"/> + </fbc:and> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__27960"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13557"/> + </fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__18070"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__18044"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11063"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11064"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__9225"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__26441"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__29437"/> + </fbc:and> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_pro_L_t" sboTerm="SBO:0000176" id="R_pro_L_t" name="ExPro" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>gpr_old: ENSG00000123643 or ENSG00000186335</p> + </html> + </notes> + <listOfReactants> + <speciesReference species="M_pro__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_pro__L_e" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__14679"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13447"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13448"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__27960"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__29437"/> + </fbc:and> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__27960"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13557"/> + </fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11063"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11064"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11054"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__30927"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__29437"/> + </fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__19660"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__18762"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__18761"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_HDCAt" sboTerm="SBO:0000176" id="R_HDCAt" name="ExPalmitate" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_hdca_e" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_hdca_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4433"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10995"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__1663"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10998"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_GTHRDt2" sboTerm="SBO:0000176" id="R_GTHRDt2" name="ExGSH" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_0_bound"> + <listOfReactants> + <speciesReference species="M_gthrd_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_gthrd_e" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_DmLact" sboTerm="SBO:0000176" id="R_DmLact" name="DmLact" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_lac__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_lac__L_e" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__16270"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10928"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10924"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10922"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__19119"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_UREAt" sboTerm="SBO:0000176" id="R_UREAt" name="DmUrea" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_urea_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_urea_e" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10919"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10918"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_DmBiomass" sboTerm="SBO:0000176" id="R_DmBiomass" name="DmBiomass" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_BIOMASSA_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_BIOMASSA_e" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_NH4t" sboTerm="SBO:0000176" id="R_NH4t" name="ExNH3" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_nh4_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_nh4_e" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_PTRCtex2" sboTerm="SBO:0000176" id="R_PTRCtex2" name="DmPutrescine" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_ptrc_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_ptrc_e" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_GUDACtr2" sboTerm="SBO:0000176" id="R_GUDACtr2" name="ExGA" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_gudac_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_gudac_e" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_CE2705t" sboTerm="SBO:0000176" id="R_CE2705t" name="ExDihydrobiopterinc" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_CE2705_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_CE2705_e" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11003"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11004"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_Dm2oxobutyrate" sboTerm="SBO:0000176" id="R_Dm2oxobutyrate" name="Dm2oxobutyrate" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_2obut_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_2obut_e" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_H2Ot" sboTerm="SBO:0000176" id="R_H2Ot" name="ExH2O" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_h2o_e" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__642"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7103"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__638"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__634"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__637"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__633"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_PHLACHt" sboTerm="SBO:0000176" id="R_PHLACHt" name="ExH" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_h_e" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_CO2t" sboTerm="SBO:0000176" id="R_CO2t" name="ExCO2" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_co2_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_co2_e" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_DmGSSG" sboTerm="SBO:0000176" id="R_DmGSSG" name="DmGSSG" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_gthox_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_gthox_e" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_glu_L_t" sboTerm="SBO:0000176" id="R_glu_L_t" name="DmGlu" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>gpr_old: ENSG00000188338</p> + </html> + </notes> + <listOfReactants> + <speciesReference species="M_glu__L_e" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_glu__L_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10944"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10939"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10941"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10940"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10945"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__18044"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10971"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__26441"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__29437"/> + </fbc:and> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ala_L_t" sboTerm="SBO:0000176" id="R_ala_L_t" name="ExAla" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>gpr_old: ENSG00000003989 or ENSG00000017483 or ENSG00000111371 or ENSG00000123643 or ENSG00000134294 or ENSG00000139209 or ENSG00000139514 or ENSG00000165349 or ENSG00000180773 or ENSG00000186335 or ENSG00000188338 or ENSG00000268104 or (ENSG00000130234 and ENSG00000174358) or (ENSG00000147003 and ENSG00000164363) or (ENSG00000147003 and ENSG00000174358)</p> + </html> + </notes> + <listOfReactants> + <speciesReference species="M_ala__L_e" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_ala__L_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13448"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11060"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11047"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11057"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13447"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__14679"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11061"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__27960"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__29437"/> + </fbc:and> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__27960"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13557"/> + </fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__18070"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__18044"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11063"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11064"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10942"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__26441"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__29437"/> + </fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__19660"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__18762"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__18761"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_asp_L_t" sboTerm="SBO:0000176" id="R_asp_L_t" name="ExAsp" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>gpr_old: ENSG00000079215 or ENSG00000105143 or ENSG00000106688 or ENSG00000110436 or ENSG00000162383</p> + </html> + </notes> + <listOfReactants> + <speciesReference species="M_asp__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_asp__L_e" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10944"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10939"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10941"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10940"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10945"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__18044"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ATPM" sboTerm="SBO:0000176" id="R_ATPM" name="ATPmaintenance" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_adp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pi_c" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_GACMTRc" sboTerm="SBO:0000176" id="R_GACMTRc" name="GAMT" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_amet_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_gudac_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_ahcys_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_creat_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4136"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_CKc_cho" sboTerm="SBO:0000176" id="R_CKc_cho" name="CK" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_creat_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_adp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pcreat_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__1994"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__1991"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_CRTNsyn_cho" sboTerm="SBO:0000176" id="R_CRTNsyn_cho" name="CRTNsynthase" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_pcreat_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_crtn_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pi_c" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_CRTNtr" sboTerm="SBO:0000176" id="R_CRTNtr" name="DmCreatinine" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_crtn_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_crtn_e" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_NDPK1" sboTerm="SBO:0000176" id="R_NDPK1" name="GTPsynth" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_gdp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_adp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_gtp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7851"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__20461"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__20567"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7849"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7850"/> + </fbc:and> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_NDPK5" sboTerm="SBO:0000176" id="R_NDPK5" name="dGTPsynth" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_dgdp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_adp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_dgtp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7851"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__20461"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__20567"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7849"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7850"/> + </fbc:and> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_NDPK8" sboTerm="SBO:0000176" id="R_NDPK8" name="dATPsynth" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_dadp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_adp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_datp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7851"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__20461"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__20567"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7849"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7850"/> + </fbc:and> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_NDPK7" sboTerm="SBO:0000176" id="R_NDPK7" name="dCTPsynth" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_dcdp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_adp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_dctp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7851"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__20461"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__20567"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7849"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7850"/> + </fbc:and> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_DTMPK" sboTerm="SBO:0000176" id="R_DTMPK" name="dTDPsynth" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_dtmp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_adp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_dtdp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3061"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_NDPK4" sboTerm="SBO:0000176" id="R_NDPK4" name="dTTPsynth" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_dtdp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_adp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_dttp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7851"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__20461"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__20567"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7849"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7850"/> + </fbc:and> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_his_L_t" sboTerm="SBO:0000176" id="R_his_L_t" name="ExHis" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_0_bound"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>gpr_old: ENSG00000139209</p> + </html> + </notes> + <listOfReactants> + <speciesReference species="M_his__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_his__L_e" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11047"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13448"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__14679"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__18044"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11064"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11067"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__18070"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11047"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11056"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_PTRCOX1" sboTerm="SBO:0000176" id="R_PTRCOX1" name="PTRCOX1" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_o2_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ptrc_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_4abutn_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o2_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nh4_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__80"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__550"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__549"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ABUTD" sboTerm="SBO:0000176" id="R_ABUTD" name="ABUTD" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_4abutn_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nad_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_4abut_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="2" constant="true"/> + <speciesReference species="M_nadh_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__412"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_r0465_1" sboTerm="SBO:0000176" id="R_r0465_1" name="HisAbutLigase" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_4abut_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_his__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_HC00576_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_amp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="2" constant="true"/> + <speciesReference species="M_ppi_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__29268"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ABUTH" sboTerm="SBO:0000176" id="R_ABUTH" name="ABUTH" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_HC00576_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_4abut_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_his__L_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__642"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7103"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__638"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__634"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__637"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__633"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_GLUDC" sboTerm="SBO:0000176" id="R_GLUDC" name="GLUDC" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_glu__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_4abut_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_co2_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4093"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4092"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_HISDr" sboTerm="SBO:0000176" id="R_HISDr" name="HISD" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_his__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_nh4_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_urcan_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4806"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_URCN" sboTerm="SBO:0000176" id="R_URCN" name="URCN" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_urcan_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_4izp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__642"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7103"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__638"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__634"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__637"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__633"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_IZPN" sboTerm="SBO:0000176" id="R_IZPN" name="IZPN" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_4izp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_forglu_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__28577"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_GluForTx" sboTerm="SBO:0000176" id="R_GluForTx" name="GluForTx" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_forglu_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_thf_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_5forthf_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_glu__L_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3974"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_FTCD" sboTerm="SBO:0000176" id="R_FTCD" name="FTCD" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_5forthf_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="2" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_methf_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nh4_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3974"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_NBAHH_ir" sboTerm="SBO:0000176" id="R_NBAHH_ir" name="NBAHH" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_carn_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_ala_B_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_his__L_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__642"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__7103"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__638"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__634"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__637"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__633"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_r0283" sboTerm="SBO:0000176" id="R_r0283" name="HisAlaLigase" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_ala_B_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_his__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_amp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_carn_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ppi_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__29268"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ASP1DC" sboTerm="SBO:0000176" id="R_ASP1DC" name="ASP1DC" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_asp__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_ala_B_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_co2_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4092"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_lys_L_t" sboTerm="SBO:0000176" id="R_lys_L_t" name="ExLys" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_0_bound"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>gpr_old: ENSG00000003989 or ENSG00000139209 or ENSG00000139514 or ENSG00000165349</p> + </html> + </notes> + <listOfReactants> + <speciesReference species="M_lys__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_lys__L_e" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11047"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10969"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11057"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11060"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__14679"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11061"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11064"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11067"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_LYStm" sboTerm="SBO:0000176" id="R_LYStm" name="TransportLys" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_h_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_lys__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_lys__L_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10985"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__22921"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_SACCD3m" sboTerm="SBO:0000176" id="R_SACCD3m" name="SACCD3m" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_akg_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_lys__L_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_h2o_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_saccrp__L_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__17366"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_r0525" sboTerm="SBO:0000176" id="R_r0525" name="SACCRPOX" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_h2o_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nad_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_saccrp__L_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_L2aadp6sa_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_glu__L_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadh_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__17366"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_AASAD3m" sboTerm="SBO:0000176" id="R_AASAD3m" name="AASAD3m" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_L2aadp6sa_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nad_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_L2aadp_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_m" stoichiometry="2" constant="true"/> + <speciesReference species="M_nadh_m" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_r0450" sboTerm="SBO:0000176" id="R_r0450" name="AADPTA" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_L2aadp_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_akg_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_2oxoadp_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_glu__L_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__17929"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_2OXOADOXm" sboTerm="SBO:0000176" id="R_2OXOADOXm" name="OXOADPOR" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_2oxoadp_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_coa_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nad_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_co2_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_glutcoa_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadh_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__2898"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__8124"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__21350"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__2911"/> + </fbc:and> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_GLUTCOADHm" sboTerm="SBO:0000176" id="R_GLUTCOADHm" name="GLUTCOADHm" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_fad_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_glutcoa_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_b2coa_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_co2_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_fadh2_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4189"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_3HBCDm" sboTerm="SBO:0000176" id="R_3HBCDm" name="ECOAH1m" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_b2coa_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_3hbcoa__R_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__23408"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_HACD1m" sboTerm="SBO:0000176" id="R_HACD1m" name="HACD1m" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_3hbcoa__R_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nad_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_aacoa_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadh_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4799"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4800"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4801"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4803"/> + </fbc:and> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_HMGCOASm" sboTerm="SBO:0000176" id="R_HMGCOASm" name="mHMGCS" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_aacoa_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_accoa_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_coa_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_hmgcoa_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__5008"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_cys_L_t" sboTerm="SBO:0000176" id="R_cys_L_t" name="ExCys" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>gpr_old: ENSG00000167703</p> + </html> + </notes> + <listOfReactants> + <speciesReference species="M_cys__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_cys__L_e" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11047"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13448"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__27960"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__29437"/> + </fbc:and> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__27960"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13557"/> + </fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__23087"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11063"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11064"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__18070"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__26441"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__29437"/> + </fbc:and> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_CYSO" sboTerm="SBO:0000176" id="R_CYSO" name="CDO1" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_cys__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_o2_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_3sala_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="2" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__1795"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_3SALATAi" sboTerm="SBO:0000176" id="R_3SALATAi" name="3SALATAc" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_3sala_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_akg_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_3snpyr_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_glu__L_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4432"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_3SALAASPm" sboTerm="SBO:0000176" id="R_3SALAASPm" name="Transport3SALA" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_3sala_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_asp__L_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_3sala_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_asp__L_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10983"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10982"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_3SALATAim" sboTerm="SBO:0000176" id="R_3SALATAim" name="3SALATAm" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_3sala_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_akg_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_3snpyr_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_glu__L_m" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4433"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_3SPYRSP" sboTerm="SBO:0000176" id="R_3SPYRSP" name="3SPYRSTc" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_3snpyr_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pyr_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_so3_c" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_3SPYRSPm" sboTerm="SBO:0000176" id="R_3SPYRSPm" name="3SPYRSTm" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_3snpyr_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_h_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_pyr_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_so3_m" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_HMR_3951" sboTerm="SBO:0000176" id="R_HMR_3951" name="ExSulfitec" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_so3_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_so3_e" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_ExSulfitem" sboTerm="SBO:0000176" id="R_ExSulfitem" name="ExSulfitem" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_so3_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_so3_e" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_PHETHPTOX2" sboTerm="SBO:0000176" id="R_PHETHPTOX2" name="PHETHPTOX2" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_o2_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_phe__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_thbpt_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_CE2705_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_tyr__L_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__8582"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_tyr_L_t" sboTerm="SBO:0000176" id="R_tyr_L_t" name="ExTyr" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>gpr_old: ENSG00000112394</p> + </html> + </notes> + <listOfReactants> + <speciesReference species="M_tyr__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_tyr__L_e" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__17027"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11047"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__27960"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__29437"/> + </fbc:and> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__27960"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13557"/> + </fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11063"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11064"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__26441"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__29437"/> + </fbc:and> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_TYRTA" sboTerm="SBO:0000176" id="R_TYRTA" name="TYRTA" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_akg_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_tyr__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_34hpp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_glu__L_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4432"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11573"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_34HPPOR" sboTerm="SBO:0000176" id="R_34HPPOR" name="HPPOR" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_34hpp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_o2_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_co2_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_hgentis_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__5147"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_HGNTOR" sboTerm="SBO:0000176" id="R_HGNTOR" name="HGNTOR" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_hgentis_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_o2_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_4mlacac_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4892"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_MACACI" sboTerm="SBO:0000176" id="R_MACACI" name="MACACI" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_4mlacac_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_4fumacac_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4643"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_FUMAC" sboTerm="SBO:0000176" id="R_FUMAC" name="FUMAC" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_4fumacac_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_acac_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_fum_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__3579"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_AACOAT" sboTerm="SBO:0000176" id="R_AACOAT" name="AACOAT" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_acac_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_coa_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_aacoa_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_amp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ppi_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__21298"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_thr_L_t" sboTerm="SBO:0000176" id="R_thr_L_t" name="ExThr" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_0_bound"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>gpr_old: ENSG00000149150</p> + </html> + </notes> + <listOfReactants> + <speciesReference species="M_thr__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_thr__L_e" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11047"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13447"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13448"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__27960"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__29437"/> + </fbc:and> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__27960"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13557"/> + </fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11063"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11064"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__9225"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_THRD_L" sboTerm="SBO:0000176" id="R_THRD_L" name="THRD" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_thr__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_2obut_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nh4_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__10691"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__30404"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_OBDHc" sboTerm="SBO:0000176" id="R_OBDHc" name="OBDH" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_2obut_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_coa_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nad_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_co2_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadh_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ppcoa_c" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_PPCOAtm" sboTerm="SBO:0000176" id="R_PPCOAtm" name="TransportPropCoA" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_ppcoa_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_ppcoa_m" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_trp_L_t" sboTerm="SBO:0000176" id="R_trp_L_t" name="ExTrp" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_0_bound"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>gpr_old: ENSG00000103257</p> + </html> + </notes> + <listOfReactants> + <speciesReference species="M_trp__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_trp__L_e" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11047"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__27960"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__29437"/> + </fbc:and> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__27960"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13557"/> + </fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11063"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11064"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__26441"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__29437"/> + </fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__19660"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__17027"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_TRPO2" sboTerm="SBO:0000176" id="R_TRPO2" name="TRPO2" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_o2_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_trp__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_5hoxnfkyn_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__6059"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__27269"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11708"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_FKYNH" sboTerm="SBO:0000176" id="R_FKYNH" name="FKYNH" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_5hoxnfkyn_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_Lkynr_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_for_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__20910"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_KYN" sboTerm="SBO:0000176" id="R_KYN" name="KYN" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_Lkynr_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_ala__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_anth_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__6469"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_ANTHte" sboTerm="SBO:0000176" id="R_ANTHte" name="ExAnth" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_anth_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_anth_e" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_KYN3OX" sboTerm="SBO:0000176" id="R_KYN3OX" name="KYN3OX" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_Lkynr_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_o2_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_hLkynr_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__6381"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_HKYNH" sboTerm="SBO:0000176" id="R_HKYNH" name="HKYNH" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_hLkynr_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_3hanthrn_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ala__L_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__6469"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_3HAO" sboTerm="SBO:0000176" id="R_3HAO" name="3HAO" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_3hanthrn_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_o2_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_cmusa_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4796"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_PCLAD" sboTerm="SBO:0000176" id="R_PCLAD" name="PCLAD" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_cmusa_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_am6sa_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_co2_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__19288"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_AM6SAD" sboTerm="SBO:0000176" id="R_AM6SAD" name="AM6SADH" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_am6sa_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nad_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_amuco_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="2" constant="true"/> + <speciesReference species="M_nadh_c" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_AMCOXO" sboTerm="SBO:0000176" id="R_AMCOXO" name="AMCOXO" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_amuco_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_2oxoadp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nh4_c" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_2OXOADPTm" sboTerm="SBO:0000176" id="R_2OXOADPTm" name="Transport2Oxoadp" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_2oxoadp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_akg_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_2oxoadp_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_akg_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__14411"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_CystinePyruvate" sboTerm="SBO:0000176" id="R_CystinePyruvate" name="CystinePyruvate" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_Lcystin_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_nh4_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pyr_c" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_r0027" sboTerm="SBO:0000176" id="R_r0027" name="CystineReductaseNADPH" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_Lcystin_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadph_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_cys__L_c" stoichiometry="2" constant="true"/> + <speciesReference species="M_nadp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__18155"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__12437"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_HMR_3996" sboTerm="SBO:0000176" id="R_HMR_3996" name="CystineReductaseNADH" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_Lcystin_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadh_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_cys__L_c" stoichiometry="2" constant="true"/> + <speciesReference species="M_nad_c" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_CYSGLTH" sboTerm="SBO:0000176" id="R_CYSGLTH" name="CystineGSH" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_Lcystin_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_gthrd_c" stoichiometry="2" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_cys__L_c" stoichiometry="2" constant="true"/> + <speciesReference species="M_gthox_c" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_ACACT1m" sboTerm="SBO:0000176" id="R_ACACT1m" name="mACAT_backward" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_aacoa_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_coa_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_accoa_m" stoichiometry="2" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__93"/> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4801"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4803"/> + </fbc:and> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_G3PD1ir" sboTerm="SBO:0000176" id="R_G3PD1ir" name="G3PD1" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_dhap_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nadh_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_glyc3p_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_nad_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4455"/> + </fbc:geneProductAssociation> + </reaction> + <reaction metaid="meta_R_GLYC3Ptm" sboTerm="SBO:0000176" id="R_GLYC3Ptm" name="Transport_glycerol3P" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_glyc3p_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_glyc3p_m" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_G3PDm" sboTerm="SBO:0000176" id="R_G3PDm" name="GLY3PFAD" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_fad_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_glyc3p_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_dhap_m" stoichiometry="1" constant="true"/> + <speciesReference species="M_fadh2_m" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction metaid="meta_R_DHAPtm" sboTerm="SBO:0000176" id="R_DHAPtm" name="Transport_DHAP" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_dhap_m" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_dhap_c" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction id="R_Transport_ala_B_c_e" name="Transport_ala_B_c_e" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_ala_B_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_ala_B_e" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction id="R_EX_ala_B_e" name="bAlae ExchangeRxn" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_ala_B_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction id="R_TMDK1" name="TMDK1" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_thymd_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_dtmp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_adp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11831"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11830"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction id="R_THYMDt1" name="Thymd Transport" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_0_bound"> + <listOfReactants> + <speciesReference species="M_thymd_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_thymd_e" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11003"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11004"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction id="R_EX_thymd_e" name="thymd ExchangeRxn" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_0_bound"> + <listOfReactants> + <speciesReference species="M_thymd_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction id="R_Transport_HC00576_c_e" name="HC00576 Transport" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_HC00576_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_HC00576_e" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction id="R_EX_HC00576_e" name="HC00576 ExchangeRxn" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_HC00576_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction id="R_Transport_4abut_c_e" name="4abut Transport" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_4abut_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_4abut_e" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction id="R_EX_4abut_e" name="4abut ExchangeRxn" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_4abut_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction id="R_GLUVESSEC" name="transporto of GLUVESSEC" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_glu__L_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h2o_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_adp_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_pi_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_h_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_glu__L_e" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__16703"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__20151"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__16704"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction id="R_EX_chsterol_e" name="Exchange of Cholesterol" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_chsterol_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction id="R_r1050" name="Vesicular Transport" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_chsterol_e" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_chsterol_c" stoichiometry="1" constant="true"/> + </listOfProducts> + </reaction> + <reaction id="R_EX_gal_e" name="Exchange of D-Galactose" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_gal_e" stoichiometry="1" constant="true"/> + </listOfReactants> + </reaction> + <reaction id="R_GALt1r" name="Galactose Transport (Uniport)" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_gal_e" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_gal_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13812"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11005"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11007"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11006"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__13444"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction id="R_GALK" name="Galactokinase" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_gal_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_atp_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_gal1p_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_adp_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4118"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4119"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction id="R_UGLT" name="UDPglucose-Hexose-1-Phosphate Uridylyltransferase" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_udpg_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_gal1p_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_g1p_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_udpgal_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4135"/> + </fbc:geneProductAssociation> + </reaction> + <reaction id="R_PGMT" name="Phosphoglucomutase" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_g1p_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_g6p_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:or> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__8905"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__8906"/> + </fbc:or> + </fbc:geneProductAssociation> + </reaction> + <reaction id="R_UDPG4E" name="UDPglucose 4-Epimerase" reversible="true" fast="false" fbc:lowerFluxBound="cobra_default_lb" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_udpg_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_udpgal_c" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__4116"/> + </fbc:geneProductAssociation> + </reaction> + <reaction id="R_t_Lcystin_ala__L" name="t_Lcystin_ala__L" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_Lcystin_e" stoichiometry="1" constant="true"/> + <speciesReference species="M_ala__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_Lcystin_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ala__L_e" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11067"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11025"/> + </fbc:and> + </fbc:geneProductAssociation> + </reaction> + <reaction id="R_t_Lcystin_glu__L" name="t_Lcystin_glu__L" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_Lcystin_e" stoichiometry="1" constant="true"/> + <speciesReference species="M_glu__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_Lcystin_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_glu__L_e" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11059"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11026"/> + </fbc:and> + </fbc:geneProductAssociation> + </reaction> + <reaction id="R_t_Lcystin_leu__L" name="t_Lcystin_leu__L" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_Lcystin_e" stoichiometry="1" constant="true"/> + <speciesReference species="M_leu__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_Lcystin_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_leu__L_e" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11067"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11025"/> + </fbc:and> + </fbc:geneProductAssociation> + </reaction> + <reaction id="R_t_Lcystin_ser__L" name="t_Lcystin_ser__L" reversible="false" fast="false" fbc:lowerFluxBound="cobra_0_bound" fbc:upperFluxBound="cobra_default_ub"> + <listOfReactants> + <speciesReference species="M_Lcystin_e" stoichiometry="1" constant="true"/> + <speciesReference species="M_ser__L_c" stoichiometry="1" constant="true"/> + </listOfReactants> + <listOfProducts> + <speciesReference species="M_Lcystin_c" stoichiometry="1" constant="true"/> + <speciesReference species="M_ser__L_e" stoichiometry="1" constant="true"/> + </listOfProducts> + <fbc:geneProductAssociation> + <fbc:and> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11025"/> + <fbc:geneProductRef fbc:geneProduct="G_HGNC__58__11067"/> + </fbc:and> + </fbc:geneProductAssociation> + </reaction> + </listOfReactions> + <fbc:listOfObjectives fbc:activeObjective="obj"> + <fbc:objective fbc:id="obj" fbc:type="maximize"> + <fbc:listOfFluxObjectives> + <fbc:fluxObjective fbc:reaction="R_Biomass" fbc:coefficient="1"/> + </fbc:listOfFluxObjectives> + </fbc:objective> + </fbc:listOfObjectives> + <fbc:listOfGeneProducts> + <fbc:geneProduct fbc:id="G_HGNC__58__11830" fbc:name="G_HGNC:11830" fbc:label="G_HGNC__58__11830"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: TK1</p> + <p>ENSG: ENSG00000167900</p> + <p>HGNC ID: HGNC:11830</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11831" fbc:name="G_HGNC:11831" fbc:label="G_HGNC__58__11831"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: TK2</p> + <p>ENSG: ENSG00000166548</p> + <p>HGNC ID: HGNC:11831</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4925" fbc:name="G_HGNC:4925" fbc:label="G_HGNC__58__4925"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: HK3</p> + <p>ENSG: ENSG00000160883</p> + <p>HGNC ID: HGNC:4925</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4195" fbc:name="G_HGNC:4195" fbc:label="G_HGNC__58__4195"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: GCK</p> + <p>ENSG: ENSG00000106633</p> + <p>HGNC ID: HGNC:4195</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4922" fbc:name="G_HGNC:4922" fbc:label="G_HGNC__58__4922"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: HK1</p> + <p>ENSG: ENSG00000156515</p> + <p>HGNC ID: HGNC:4922</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4923" fbc:name="G_HGNC:4923" fbc:label="G_HGNC__58__4923"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: HK2</p> + <p>ENSG: ENSG00000159399</p> + <p>HGNC ID: HGNC:4923</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__23302" fbc:name="G_HGNC:23302" fbc:label="G_HGNC__58__23302"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: HKDC1</p> + <p>ENSG: ENSG00000156510</p> + <p>HGNC ID: HGNC:23302</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4056" fbc:name="G_HGNC:4056" fbc:label="G_HGNC__58__4056"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: G6PC1</p> + <p>ENSG: ENSG00000131482</p> + <p>HGNC ID: HGNC:4056</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__28906" fbc:name="G_HGNC:28906" fbc:label="G_HGNC__58__28906"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: G6PC2</p> + <p>ENSG: ENSG00000152254</p> + <p>HGNC ID: HGNC:28906</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__24861" fbc:name="G_HGNC:24861" fbc:label="G_HGNC__58__24861"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: G6PC3</p> + <p>ENSG: ENSG00000141349</p> + <p>HGNC ID: HGNC:24861</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4458" fbc:name="G_HGNC:4458" fbc:label="G_HGNC__58__4458"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: GPI</p> + <p>ENSG: ENSG00000105220</p> + <p>HGNC ID: HGNC:4458</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__8877" fbc:name="G_HGNC:8877" fbc:label="G_HGNC__58__8877"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: PFKM</p> + <p>ENSG: ENSG00000152556</p> + <p>HGNC ID: HGNC:8877</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__8876" fbc:name="G_HGNC:8876" fbc:label="G_HGNC__58__8876"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: PFKL</p> + <p>ENSG: ENSG00000141959</p> + <p>HGNC ID: HGNC:8876</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__8878" fbc:name="G_HGNC:8878" fbc:label="G_HGNC__58__8878"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: PFKP</p> + <p>ENSG: ENSG00000067057</p> + <p>HGNC ID: HGNC:8878</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__3606" fbc:name="G_HGNC:3606" fbc:label="G_HGNC__58__3606"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: FBP1</p> + <p>ENSG: ENSG00000165140</p> + <p>HGNC ID: HGNC:3606</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__3607" fbc:name="G_HGNC:3607" fbc:label="G_HGNC__58__3607"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: FBP2</p> + <p>ENSG: ENSG00000130957</p> + <p>HGNC ID: HGNC:3607</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__417" fbc:name="G_HGNC:417" fbc:label="G_HGNC__58__417"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ALDOB</p> + <p>ENSG: ENSG00000136872</p> + <p>HGNC ID: HGNC:417</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__418" fbc:name="G_HGNC:418" fbc:label="G_HGNC__58__418"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ALDOC</p> + <p>ENSG: ENSG00000109107</p> + <p>HGNC ID: HGNC:418</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__414" fbc:name="G_HGNC:414" fbc:label="G_HGNC__58__414"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ALDOA</p> + <p>ENSG: ENSG00000149925</p> + <p>HGNC ID: HGNC:414</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__12009" fbc:name="G_HGNC:12009" fbc:label="G_HGNC__58__12009"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: TPI1</p> + <p>ENSG: ENSG00000111669</p> + <p>HGNC ID: HGNC:12009</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__24864" fbc:name="G_HGNC:24864" fbc:label="G_HGNC__58__24864"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: GAPDHS</p> + <p>ENSG: ENSG00000105679</p> + <p>HGNC ID: HGNC:24864</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4141" fbc:name="G_HGNC:4141" fbc:label="G_HGNC__58__4141"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: GAPDH</p> + <p>ENSG: ENSG00000111640</p> + <p>HGNC ID: HGNC:4141</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__8896" fbc:name="G_HGNC:8896" fbc:label="G_HGNC__58__8896"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: PGK1</p> + <p>ENSG: ENSG00000102144</p> + <p>HGNC ID: HGNC:8896</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__8898" fbc:name="G_HGNC:8898" fbc:label="G_HGNC__58__8898"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: PGK2</p> + <p>ENSG: ENSG00000170950</p> + <p>HGNC ID: HGNC:8898</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__8889" fbc:name="G_HGNC:8889" fbc:label="G_HGNC__58__8889"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: PGAM2</p> + <p>ENSG: ENSG00000164708</p> + <p>HGNC ID: HGNC:8889</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__1093" fbc:name="G_HGNC:1093" fbc:label="G_HGNC__58__1093"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: BPGM</p> + <p>ENSG: ENSG00000172331</p> + <p>HGNC ID: HGNC:1093</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__8888" fbc:name="G_HGNC:8888" fbc:label="G_HGNC__58__8888"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: PGAM1</p> + <p>ENSG: ENSG00000171314</p> + <p>HGNC ID: HGNC:8888</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__3353" fbc:name="G_HGNC:3353" fbc:label="G_HGNC__58__3353"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ENO2</p> + <p>ENSG: ENSG00000111674</p> + <p>HGNC ID: HGNC:3353</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__3350" fbc:name="G_HGNC:3350" fbc:label="G_HGNC__58__3350"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ENO1</p> + <p>ENSG: ENSG00000074800</p> + <p>HGNC ID: HGNC:3350</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__3354" fbc:name="G_HGNC:3354" fbc:label="G_HGNC__58__3354"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ENO3</p> + <p>ENSG: ENSG00000108515</p> + <p>HGNC ID: HGNC:3354</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__9021" fbc:name="G_HGNC:9021" fbc:label="G_HGNC__58__9021"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: PKM</p> + <p>ENSG: ENSG00000067225</p> + <p>HGNC ID: HGNC:9021</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__9020" fbc:name="G_HGNC:9020" fbc:label="G_HGNC__58__9020"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: PKLR</p> + <p>ENSG: ENSG00000143627</p> + <p>HGNC ID: HGNC:9020</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__30866" fbc:name="G_HGNC:30866" fbc:label="G_HGNC__58__30866"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: UEVLD</p> + <p>ENSG: ENSG00000151116</p> + <p>HGNC ID: HGNC:30866</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__28335" fbc:name="G_HGNC:28335" fbc:label="G_HGNC__58__28335"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: LDHAL6A</p> + <p>ENSG: ENSG00000166800</p> + <p>HGNC ID: HGNC:28335</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__21481" fbc:name="G_HGNC:21481" fbc:label="G_HGNC__58__21481"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: LDHAL6B</p> + <p>ENSG: ENSG00000171989</p> + <p>HGNC ID: HGNC:21481</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__6535" fbc:name="G_HGNC:6535" fbc:label="G_HGNC__58__6535"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: LDHA</p> + <p>ENSG: ENSG00000134333</p> + <p>HGNC ID: HGNC:6535</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__6544" fbc:name="G_HGNC:6544" fbc:label="G_HGNC__58__6544"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: LDHC</p> + <p>ENSG: ENSG00000166796</p> + <p>HGNC ID: HGNC:6544</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__6541" fbc:name="G_HGNC:6541" fbc:label="G_HGNC__58__6541"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: LDHB</p> + <p>ENSG: ENSG00000111716</p> + <p>HGNC ID: HGNC:6541</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__9465" fbc:name="G_HGNC:9465" fbc:label="G_HGNC__58__9465"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: PRPS2</p> + <p>ENSG: ENSG00000101911</p> + <p>HGNC ID: HGNC:9465</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__9463" fbc:name="G_HGNC:9463" fbc:label="G_HGNC__58__9463"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: PRPS1L1</p> + <p>ENSG: ENSG00000229937</p> + <p>HGNC ID: HGNC:9463</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__9462" fbc:name="G_HGNC:9462" fbc:label="G_HGNC__58__9462"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: PRPS1</p> + <p>ENSG: ENSG00000147224</p> + <p>HGNC ID: HGNC:9462</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4057" fbc:name="G_HGNC:4057" fbc:label="G_HGNC__58__4057"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: G6PD</p> + <p>ENSG: ENSG00000160211</p> + <p>HGNC ID: HGNC:4057</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4795" fbc:name="G_HGNC:4795" fbc:label="G_HGNC__58__4795"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: H6PD</p> + <p>ENSG: ENSG00000049239</p> + <p>HGNC ID: HGNC:4795</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__8903" fbc:name="G_HGNC:8903" fbc:label="G_HGNC__58__8903"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: PGLS</p> + <p>ENSG: ENSG00000130313</p> + <p>HGNC ID: HGNC:8903</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__8891" fbc:name="G_HGNC:8891" fbc:label="G_HGNC__58__8891"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: PGD</p> + <p>ENSG: ENSG00000142657</p> + <p>HGNC ID: HGNC:8891</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__10297" fbc:name="G_HGNC:10297" fbc:label="G_HGNC__58__10297"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: RPIA</p> + <p>ENSG: ENSG00000153574</p> + <p>HGNC ID: HGNC:10297</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__25313" fbc:name="G_HGNC:25313" fbc:label="G_HGNC__58__25313"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: TKTL2</p> + <p>ENSG: ENSG00000151005</p> + <p>HGNC ID: HGNC:25313</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11834" fbc:name="G_HGNC:11834" fbc:label="G_HGNC__58__11834"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: TKT</p> + <p>ENSG: ENSG00000163931</p> + <p>HGNC ID: HGNC:11834</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11835" fbc:name="G_HGNC:11835" fbc:label="G_HGNC__58__11835"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: TKTL1</p> + <p>ENSG: ENSG00000007350</p> + <p>HGNC ID: HGNC:11835</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__10293" fbc:name="G_HGNC:10293" fbc:label="G_HGNC__58__10293"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: RPE</p> + <p>ENSG: ENSG00000197713</p> + <p>HGNC ID: HGNC:10293</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__45241" fbc:name="G_HGNC:45241" fbc:label="G_HGNC__58__45241"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: RPEL1</p> + <p>ENSG: ENSG00000235376</p> + <p>HGNC ID: HGNC:45241</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11559" fbc:name="G_HGNC:11559" fbc:label="G_HGNC__58__11559"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: TALDO1</p> + <p>ENSG: ENSG00000177156</p> + <p>HGNC ID: HGNC:11559</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__2898" fbc:name="G_HGNC:2898" fbc:label="G_HGNC__58__2898"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: DLD</p> + <p>ENSG: ENSG00000091140</p> + <p>HGNC ID: HGNC:2898</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__8807" fbc:name="G_HGNC:8807" fbc:label="G_HGNC__58__8807"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: PDHA2</p> + <p>ENSG: ENSG00000163114</p> + <p>HGNC ID: HGNC:8807</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__8808" fbc:name="G_HGNC:8808" fbc:label="G_HGNC__58__8808"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: PDHB</p> + <p>ENSG: ENSG00000168291</p> + <p>HGNC ID: HGNC:8808</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__8806" fbc:name="G_HGNC:8806" fbc:label="G_HGNC__58__8806"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: PDHA1</p> + <p>ENSG: ENSG00000131828</p> + <p>HGNC ID: HGNC:8806</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__2896" fbc:name="G_HGNC:2896" fbc:label="G_HGNC__58__2896"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: DLAT</p> + <p>ENSG: ENSG00000150768</p> + <p>HGNC ID: HGNC:2896</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__21350" fbc:name="G_HGNC:21350" fbc:label="G_HGNC__58__21350"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: PDHX</p> + <p>ENSG: ENSG00000110435</p> + <p>HGNC ID: HGNC:21350</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__8636" fbc:name="G_HGNC:8636" fbc:label="G_HGNC__58__8636"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: PC</p> + <p>ENSG: ENSG00000173599</p> + <p>HGNC ID: HGNC:8636</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__8724" fbc:name="G_HGNC:8724" fbc:label="G_HGNC__58__8724"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: PCK1</p> + <p>ENSG: ENSG00000124253</p> + <p>HGNC ID: HGNC:8724</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__2422" fbc:name="G_HGNC:2422" fbc:label="G_HGNC__58__2422"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: CS</p> + <p>ENSG: ENSG00000062485</p> + <p>HGNC ID: HGNC:2422</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__117" fbc:name="G_HGNC:117" fbc:label="G_HGNC__58__117"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ACO1</p> + <p>ENSG: ENSG00000122729</p> + <p>HGNC ID: HGNC:117</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__118" fbc:name="G_HGNC:118" fbc:label="G_HGNC__58__118"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ACO2</p> + <p>ENSG: ENSG00000100412</p> + <p>HGNC ID: HGNC:118</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__5385" fbc:name="G_HGNC:5385" fbc:label="G_HGNC__58__5385"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: IDH3B</p> + <p>ENSG: ENSG00000101365</p> + <p>HGNC ID: HGNC:5385</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__5384" fbc:name="G_HGNC:5384" fbc:label="G_HGNC__58__5384"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: IDH3A</p> + <p>ENSG: ENSG00000166411</p> + <p>HGNC ID: HGNC:5384</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__5386" fbc:name="G_HGNC:5386" fbc:label="G_HGNC__58__5386"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: IDH3G</p> + <p>ENSG: ENSG00000067829</p> + <p>HGNC ID: HGNC:5386</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__5383" fbc:name="G_HGNC:5383" fbc:label="G_HGNC__58__5383"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: IDH2</p> + <p>ENSG: ENSG00000182054</p> + <p>HGNC ID: HGNC:5383</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__2911" fbc:name="G_HGNC:2911" fbc:label="G_HGNC__58__2911"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: DLST</p> + <p>ENSG: ENSG00000119689</p> + <p>HGNC ID: HGNC:2911</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__8124" fbc:name="G_HGNC:8124" fbc:label="G_HGNC__58__8124"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: OGDH</p> + <p>ENSG: ENSG00000105953</p> + <p>HGNC ID: HGNC:8124</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11449" fbc:name="G_HGNC:11449" fbc:label="G_HGNC__58__11449"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SUCLG1</p> + <p>ENSG: ENSG00000163541</p> + <p>HGNC ID: HGNC:11449</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11450" fbc:name="G_HGNC:11450" fbc:label="G_HGNC__58__11450"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SUCLG2</p> + <p>ENSG: ENSG00000172340</p> + <p>HGNC ID: HGNC:11450</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__10680" fbc:name="G_HGNC:10680" fbc:label="G_HGNC__58__10680"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SDHA</p> + <p>ENSG: ENSG00000073578</p> + <p>HGNC ID: HGNC:10680</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__10683" fbc:name="G_HGNC:10683" fbc:label="G_HGNC__58__10683"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SDHD</p> + <p>ENSG: ENSG00000204370</p> + <p>HGNC ID: HGNC:10683</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__10681" fbc:name="G_HGNC:10681" fbc:label="G_HGNC__58__10681"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SDHB</p> + <p>ENSG: ENSG00000117118</p> + <p>HGNC ID: HGNC:10681</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__10682" fbc:name="G_HGNC:10682" fbc:label="G_HGNC__58__10682"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SDHC</p> + <p>ENSG: ENSG00000143252</p> + <p>HGNC ID: HGNC:10682</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__3700" fbc:name="G_HGNC:3700" fbc:label="G_HGNC__58__3700"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: FH</p> + <p>ENSG: ENSG00000091483</p> + <p>HGNC ID: HGNC:3700</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__6971" fbc:name="G_HGNC:6971" fbc:label="G_HGNC__58__6971"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: MDH2</p> + <p>ENSG: ENSG00000146701</p> + <p>HGNC ID: HGNC:6971</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__6984" fbc:name="G_HGNC:6984" fbc:label="G_HGNC__58__6984"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ME2</p> + <p>ENSG: ENSG00000082212</p> + <p>HGNC ID: HGNC:6984</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__6985" fbc:name="G_HGNC:6985" fbc:label="G_HGNC__58__6985"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ME3</p> + <p>ENSG: ENSG00000151376</p> + <p>HGNC ID: HGNC:6985</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__6983" fbc:name="G_HGNC:6983" fbc:label="G_HGNC__58__6983"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ME1</p> + <p>ENSG: ENSG00000065833</p> + <p>HGNC ID: HGNC:6983</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__115" fbc:name="G_HGNC:115" fbc:label="G_HGNC__58__115"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ACLY</p> + <p>ENSG: ENSG00000131473</p> + <p>HGNC ID: HGNC:115</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__6970" fbc:name="G_HGNC:6970" fbc:label="G_HGNC__58__6970"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: MDH1</p> + <p>ENSG: ENSG00000014641</p> + <p>HGNC ID: HGNC:6970</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__17836" fbc:name="G_HGNC:17836" fbc:label="G_HGNC__58__17836"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: MDH1B</p> + <p>ENSG: ENSG00000138400</p> + <p>HGNC ID: HGNC:17836</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__10980" fbc:name="G_HGNC:10980" fbc:label="G_HGNC__58__10980"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC25A10</p> + <p>ENSG: ENSG00000183048</p> + <p>HGNC ID: HGNC:10980</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__10981" fbc:name="G_HGNC:10981" fbc:label="G_HGNC__58__10981"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC25A11</p> + <p>ENSG: ENSG00000108528</p> + <p>HGNC ID: HGNC:10981</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__5382" fbc:name="G_HGNC:5382" fbc:label="G_HGNC__58__5382"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: IDH1</p> + <p>ENSG: ENSG00000138413</p> + <p>HGNC ID: HGNC:5382</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__9226" fbc:name="G_HGNC:9226" fbc:label="G_HGNC__58__9226"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: PPA1</p> + <p>ENSG: ENSG00000180817</p> + <p>HGNC ID: HGNC:9226</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__30042" fbc:name="G_HGNC:30042" fbc:label="G_HGNC__58__30042"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: LHPP</p> + <p>ENSG: ENSG00000107902</p> + <p>HGNC ID: HGNC:30042</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7703" fbc:name="G_HGNC:7703" fbc:label="G_HGNC__58__7703"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: NDUFB8</p> + <p>ENSG: ENSG00000166136</p> + <p>HGNC ID: HGNC:7703</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7690" fbc:name="G_HGNC:7690" fbc:label="G_HGNC__58__7690"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: NDUFA6</p> + <p>ENSG: ENSG00000184983</p> + <p>HGNC ID: HGNC:7690</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7716" fbc:name="G_HGNC:7716" fbc:label="G_HGNC__58__7716"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: NDUFV1</p> + <p>ENSG: ENSG00000167792</p> + <p>HGNC ID: HGNC:7716</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7717" fbc:name="G_HGNC:7717" fbc:label="G_HGNC__58__7717"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: NDUFV2</p> + <p>ENSG: ENSG00000178127</p> + <p>HGNC ID: HGNC:7717</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7461" fbc:name="G_HGNC:7461" fbc:label="G_HGNC__58__7461"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: MT-ND5</p> + <p>ENSG: ENSG00000198786</p> + <p>HGNC ID: HGNC:7461</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7696" fbc:name="G_HGNC:7696" fbc:label="G_HGNC__58__7696"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: NDUFB10</p> + <p>ENSG: ENSG00000140990</p> + <p>HGNC ID: HGNC:7696</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__20371" fbc:name="G_HGNC:20371" fbc:label="G_HGNC__58__20371"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: NDUFA11</p> + <p>ENSG: ENSG00000174886</p> + <p>HGNC ID: HGNC:20371</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7460" fbc:name="G_HGNC:7460" fbc:label="G_HGNC__58__7460"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: MT-ND4L</p> + <p>ENSG: ENSG00000212907</p> + <p>HGNC ID: HGNC:7460</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7685" fbc:name="G_HGNC:7685" fbc:label="G_HGNC__58__7685"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: NDUFA2</p> + <p>ENSG: ENSG00000131495</p> + <p>HGNC ID: HGNC:7685</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7714" fbc:name="G_HGNC:7714" fbc:label="G_HGNC__58__7714"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: NDUFS7</p> + <p>ENSG: ENSG00000115286</p> + <p>HGNC ID: HGNC:7714</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7686" fbc:name="G_HGNC:7686" fbc:label="G_HGNC__58__7686"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: NDUFA3</p> + <p>ENSG: ENSG00000170906</p> + <p>HGNC ID: HGNC:7686</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7705" fbc:name="G_HGNC:7705" fbc:label="G_HGNC__58__7705"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: NDUFC1</p> + <p>ENSG: ENSG00000109390</p> + <p>HGNC ID: HGNC:7705</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7455" fbc:name="G_HGNC:7455" fbc:label="G_HGNC__58__7455"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: MT-ND1</p> + <p>ENSG: ENSG00000198888</p> + <p>HGNC ID: HGNC:7455</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7710" fbc:name="G_HGNC:7710" fbc:label="G_HGNC__58__7710"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: NDUFS3</p> + <p>ENSG: ENSG00000213619</p> + <p>HGNC ID: HGNC:7710</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__17194" fbc:name="G_HGNC:17194" fbc:label="G_HGNC__58__17194"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: NDUFA13</p> + <p>ENSG: ENSG00000186010</p> + <p>HGNC ID: HGNC:17194</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7699" fbc:name="G_HGNC:7699" fbc:label="G_HGNC__58__7699"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: NDUFB4</p> + <p>ENSG: ENSG00000065518</p> + <p>HGNC ID: HGNC:7699</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7692" fbc:name="G_HGNC:7692" fbc:label="G_HGNC__58__7692"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: NDUFA8</p> + <p>ENSG: ENSG00000119421</p> + <p>HGNC ID: HGNC:7692</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7684" fbc:name="G_HGNC:7684" fbc:label="G_HGNC__58__7684"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: NDUFA10</p> + <p>ENSG: ENSG00000130414</p> + <p>HGNC ID: HGNC:7684</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7707" fbc:name="G_HGNC:7707" fbc:label="G_HGNC__58__7707"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: NDUFS1</p> + <p>ENSG: ENSG00000023228</p> + <p>HGNC ID: HGNC:7707</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7701" fbc:name="G_HGNC:7701" fbc:label="G_HGNC__58__7701"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: NDUFB6</p> + <p>ENSG: ENSG00000165264</p> + <p>HGNC ID: HGNC:7701</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7702" fbc:name="G_HGNC:7702" fbc:label="G_HGNC__58__7702"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: NDUFB7</p> + <p>ENSG: ENSG00000099795</p> + <p>HGNC ID: HGNC:7702</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7708" fbc:name="G_HGNC:7708" fbc:label="G_HGNC__58__7708"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: NDUFS2</p> + <p>ENSG: ENSG00000158864</p> + <p>HGNC ID: HGNC:7708</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7458" fbc:name="G_HGNC:7458" fbc:label="G_HGNC__58__7458"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: MT-ND3</p> + <p>ENSG: ENSG00000198840</p> + <p>HGNC ID: HGNC:7458</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7697" fbc:name="G_HGNC:7697" fbc:label="G_HGNC__58__7697"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: NDUFB2</p> + <p>ENSG: ENSG00000090266</p> + <p>HGNC ID: HGNC:7697</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7456" fbc:name="G_HGNC:7456" fbc:label="G_HGNC__58__7456"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: MT-ND2</p> + <p>ENSG: ENSG00000198763</p> + <p>HGNC ID: HGNC:7456</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7683" fbc:name="G_HGNC:7683" fbc:label="G_HGNC__58__7683"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: NDUFA1</p> + <p>ENSG: ENSG00000125356</p> + <p>HGNC ID: HGNC:7683</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7712" fbc:name="G_HGNC:7712" fbc:label="G_HGNC__58__7712"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: NDUFS5</p> + <p>ENSG: ENSG00000168653</p> + <p>HGNC ID: HGNC:7712</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7700" fbc:name="G_HGNC:7700" fbc:label="G_HGNC__58__7700"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: NDUFB5</p> + <p>ENSG: ENSG00000136521</p> + <p>HGNC ID: HGNC:7700</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7462" fbc:name="G_HGNC:7462" fbc:label="G_HGNC__58__7462"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: MT-ND6</p> + <p>ENSG: ENSG00000198695</p> + <p>HGNC ID: HGNC:7462</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7459" fbc:name="G_HGNC:7459" fbc:label="G_HGNC__58__7459"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: MT-ND4</p> + <p>ENSG: ENSG00000198886</p> + <p>HGNC ID: HGNC:7459</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7688" fbc:name="G_HGNC:7688" fbc:label="G_HGNC__58__7688"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: NDUFA5</p> + <p>ENSG: ENSG00000128609</p> + <p>HGNC ID: HGNC:7688</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7694" fbc:name="G_HGNC:7694" fbc:label="G_HGNC__58__7694"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: NDUFAB1</p> + <p>ENSG: ENSG00000004779</p> + <p>HGNC ID: HGNC:7694</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7715" fbc:name="G_HGNC:7715" fbc:label="G_HGNC__58__7715"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: NDUFS8</p> + <p>ENSG: ENSG00000110717</p> + <p>HGNC ID: HGNC:7715</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7693" fbc:name="G_HGNC:7693" fbc:label="G_HGNC__58__7693"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: NDUFA9</p> + <p>ENSG: ENSG00000139180</p> + <p>HGNC ID: HGNC:7693</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__20372" fbc:name="G_HGNC:20372" fbc:label="G_HGNC__58__20372"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: NDUFB11</p> + <p>ENSG: ENSG00000147123</p> + <p>HGNC ID: HGNC:20372</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7706" fbc:name="G_HGNC:7706" fbc:label="G_HGNC__58__7706"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: NDUFC2</p> + <p>ENSG: ENSG00000151366</p> + <p>HGNC ID: HGNC:7706</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7698" fbc:name="G_HGNC:7698" fbc:label="G_HGNC__58__7698"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: NDUFB3</p> + <p>ENSG: ENSG00000119013</p> + <p>HGNC ID: HGNC:7698</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7704" fbc:name="G_HGNC:7704" fbc:label="G_HGNC__58__7704"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: NDUFB9</p> + <p>ENSG: ENSG00000147684</p> + <p>HGNC ID: HGNC:7704</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7695" fbc:name="G_HGNC:7695" fbc:label="G_HGNC__58__7695"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: NDUFB1</p> + <p>ENSG: ENSG00000183648</p> + <p>HGNC ID: HGNC:7695</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__3481" fbc:name="G_HGNC:3481" fbc:label="G_HGNC__58__3481"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ETFA</p> + <p>ENSG: ENSG00000140374</p> + <p>HGNC ID: HGNC:3481</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__3482" fbc:name="G_HGNC:3482" fbc:label="G_HGNC__58__3482"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ETFB</p> + <p>ENSG: ENSG00000105379</p> + <p>HGNC ID: HGNC:3482</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__3483" fbc:name="G_HGNC:3483" fbc:label="G_HGNC__58__3483"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ETFDH</p> + <p>ENSG: ENSG00000171503</p> + <p>HGNC ID: HGNC:3483</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__2579" fbc:name="G_HGNC:2579" fbc:label="G_HGNC__58__2579"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: CYC1</p> + <p>ENSG: ENSG00000179091</p> + <p>HGNC ID: HGNC:2579</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__12590" fbc:name="G_HGNC:12590" fbc:label="G_HGNC__58__12590"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: UQCRH</p> + <p>ENSG: ENSG00000173660</p> + <p>HGNC ID: HGNC:12590</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__29594" fbc:name="G_HGNC:29594" fbc:label="G_HGNC__58__29594"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: UQCRQ</p> + <p>ENSG: ENSG00000164405</p> + <p>HGNC ID: HGNC:29594</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__12587" fbc:name="G_HGNC:12587" fbc:label="G_HGNC__58__12587"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: UQCRFS1</p> + <p>ENSG: ENSG00000169021</p> + <p>HGNC ID: HGNC:12587</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__12582" fbc:name="G_HGNC:12582" fbc:label="G_HGNC__58__12582"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: UQCRB</p> + <p>ENSG: ENSG00000156467</p> + <p>HGNC ID: HGNC:12582</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__30863" fbc:name="G_HGNC:30863" fbc:label="G_HGNC__58__30863"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: UQCR10</p> + <p>ENSG: ENSG00000184076</p> + <p>HGNC ID: HGNC:30863</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7427" fbc:name="G_HGNC:7427" fbc:label="G_HGNC__58__7427"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: MT-CYB</p> + <p>ENSG: ENSG00000198727</p> + <p>HGNC ID: HGNC:7427</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__30862" fbc:name="G_HGNC:30862" fbc:label="G_HGNC__58__30862"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: UQCR11</p> + <p>ENSG: ENSG00000127540</p> + <p>HGNC ID: HGNC:30862</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__12586" fbc:name="G_HGNC:12586" fbc:label="G_HGNC__58__12586"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: UQCRC2</p> + <p>ENSG: ENSG00000140740</p> + <p>HGNC ID: HGNC:12586</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__12585" fbc:name="G_HGNC:12585" fbc:label="G_HGNC__58__12585"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: UQCRC1</p> + <p>ENSG: ENSG00000010256</p> + <p>HGNC ID: HGNC:12585</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__2285" fbc:name="G_HGNC:2285" fbc:label="G_HGNC__58__2285"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: COX6C</p> + <p>ENSG: ENSG00000164919</p> + <p>HGNC ID: HGNC:2285</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__2291" fbc:name="G_HGNC:2291" fbc:label="G_HGNC__58__2291"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: COX7B</p> + <p>ENSG: ENSG00000131174</p> + <p>HGNC ID: HGNC:2291</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__24381" fbc:name="G_HGNC:24381" fbc:label="G_HGNC__58__24381"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: COX7B2</p> + <p>ENSG: ENSG00000170516</p> + <p>HGNC ID: HGNC:24381</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__2267" fbc:name="G_HGNC:2267" fbc:label="G_HGNC__58__2267"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: COX5A</p> + <p>ENSG: ENSG00000178741</p> + <p>HGNC ID: HGNC:2267</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__2287" fbc:name="G_HGNC:2287" fbc:label="G_HGNC__58__2287"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: COX7A1</p> + <p>ENSG: ENSG00000161281</p> + <p>HGNC ID: HGNC:2287</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7419" fbc:name="G_HGNC:7419" fbc:label="G_HGNC__58__7419"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: MT-CO1</p> + <p>ENSG: ENSG00000198804</p> + <p>HGNC ID: HGNC:7419</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__24380" fbc:name="G_HGNC:24380" fbc:label="G_HGNC__58__24380"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: COX6B2</p> + <p>ENSG: ENSG00000160471</p> + <p>HGNC ID: HGNC:24380</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7421" fbc:name="G_HGNC:7421" fbc:label="G_HGNC__58__7421"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: MT-CO2</p> + <p>ENSG: ENSG00000198712</p> + <p>HGNC ID: HGNC:7421</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__2288" fbc:name="G_HGNC:2288" fbc:label="G_HGNC__58__2288"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: COX7A2</p> + <p>ENSG: ENSG00000112695</p> + <p>HGNC ID: HGNC:2288</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__16232" fbc:name="G_HGNC:16232" fbc:label="G_HGNC__58__16232"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: COX4I2</p> + <p>ENSG: ENSG00000131055</p> + <p>HGNC ID: HGNC:16232</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__2294" fbc:name="G_HGNC:2294" fbc:label="G_HGNC__58__2294"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: COX8A</p> + <p>ENSG: ENSG00000176340</p> + <p>HGNC ID: HGNC:2294</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__2277" fbc:name="G_HGNC:2277" fbc:label="G_HGNC__58__2277"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: COX6A1</p> + <p>ENSG: ENSG00000111775</p> + <p>HGNC ID: HGNC:2277</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__2280" fbc:name="G_HGNC:2280" fbc:label="G_HGNC__58__2280"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: COX6B1</p> + <p>ENSG: ENSG00000126267</p> + <p>HGNC ID: HGNC:2280</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__24382" fbc:name="G_HGNC:24382" fbc:label="G_HGNC__58__24382"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: COX8C</p> + <p>ENSG: ENSG00000187581</p> + <p>HGNC ID: HGNC:24382</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__2292" fbc:name="G_HGNC:2292" fbc:label="G_HGNC__58__2292"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: COX7C</p> + <p>ENSG: ENSG00000127184</p> + <p>HGNC ID: HGNC:2292</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7422" fbc:name="G_HGNC:7422" fbc:label="G_HGNC__58__7422"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: MT-CO3</p> + <p>ENSG: ENSG00000198938</p> + <p>HGNC ID: HGNC:7422</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__2269" fbc:name="G_HGNC:2269" fbc:label="G_HGNC__58__2269"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: COX5B</p> + <p>ENSG: ENSG00000135940</p> + <p>HGNC ID: HGNC:2269</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__2265" fbc:name="G_HGNC:2265" fbc:label="G_HGNC__58__2265"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: COX4I1</p> + <p>ENSG: ENSG00000131143</p> + <p>HGNC ID: HGNC:2265</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__2279" fbc:name="G_HGNC:2279" fbc:label="G_HGNC__58__2279"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: COX6A2</p> + <p>ENSG: ENSG00000156885</p> + <p>HGNC ID: HGNC:2279</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7415" fbc:name="G_HGNC:7415" fbc:label="G_HGNC__58__7415"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: MT-ATP8</p> + <p>ENSG: ENSG00000228253</p> + <p>HGNC ID: HGNC:7415</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__845" fbc:name="G_HGNC:845" fbc:label="G_HGNC__58__845"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ATP5PD</p> + <p>ENSG: ENSG00000167863</p> + <p>HGNC ID: HGNC:845</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__833" fbc:name="G_HGNC:833" fbc:label="G_HGNC__58__833"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ATP5F1C</p> + <p>ENSG: ENSG00000165629</p> + <p>HGNC ID: HGNC:833</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__843" fbc:name="G_HGNC:843" fbc:label="G_HGNC__58__843"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ATP5MC3</p> + <p>ENSG: ENSG00000154518</p> + <p>HGNC ID: HGNC:843</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__838" fbc:name="G_HGNC:838" fbc:label="G_HGNC__58__838"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ATP5F1E</p> + <p>ENSG: ENSG00000124172</p> + <p>HGNC ID: HGNC:838</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__847" fbc:name="G_HGNC:847" fbc:label="G_HGNC__58__847"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ATP5PF</p> + <p>ENSG: ENSG00000154723</p> + <p>HGNC ID: HGNC:847</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__848" fbc:name="G_HGNC:848" fbc:label="G_HGNC__58__848"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ATP5MF</p> + <p>ENSG: ENSG00000241468</p> + <p>HGNC ID: HGNC:848</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__850" fbc:name="G_HGNC:850" fbc:label="G_HGNC__58__850"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ATP5PO</p> + <p>ENSG: ENSG00000241837</p> + <p>HGNC ID: HGNC:850</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__840" fbc:name="G_HGNC:840" fbc:label="G_HGNC__58__840"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ATP5PB</p> + <p>ENSG: ENSG00000116459</p> + <p>HGNC ID: HGNC:840</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__841" fbc:name="G_HGNC:841" fbc:label="G_HGNC__58__841"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ATP5MC1</p> + <p>ENSG: ENSG00000159199</p> + <p>HGNC ID: HGNC:841</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__830" fbc:name="G_HGNC:830" fbc:label="G_HGNC__58__830"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ATP5F1B</p> + <p>ENSG: ENSG00000110955</p> + <p>HGNC ID: HGNC:830</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__846" fbc:name="G_HGNC:846" fbc:label="G_HGNC__58__846"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ATP5ME</p> + <p>ENSG: ENSG00000169020</p> + <p>HGNC ID: HGNC:846</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__823" fbc:name="G_HGNC:823" fbc:label="G_HGNC__58__823"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ATP5F1A</p> + <p>ENSG: ENSG00000152234</p> + <p>HGNC ID: HGNC:823</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__842" fbc:name="G_HGNC:842" fbc:label="G_HGNC__58__842"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ATP5MC2</p> + <p>ENSG: ENSG00000135390</p> + <p>HGNC ID: HGNC:842</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7414" fbc:name="G_HGNC:7414" fbc:label="G_HGNC__58__7414"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: MT-ATP6</p> + <p>ENSG: ENSG00000198899</p> + <p>HGNC ID: HGNC:7414</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__14247" fbc:name="G_HGNC:14247" fbc:label="G_HGNC__58__14247"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ATP5MG</p> + <p>ENSG: ENSG00000167283</p> + <p>HGNC ID: HGNC:14247</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__837" fbc:name="G_HGNC:837" fbc:label="G_HGNC__58__837"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ATP5F1D</p> + <p>ENSG: ENSG00000099624</p> + <p>HGNC ID: HGNC:837</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4312" fbc:name="G_HGNC:4312" fbc:label="G_HGNC__58__4312"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: GCLM</p> + <p>ENSG: ENSG00000023909</p> + <p>HGNC ID: HGNC:4312</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4311" fbc:name="G_HGNC:4311" fbc:label="G_HGNC__58__4311"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: GCLC</p> + <p>ENSG: ENSG00000001084</p> + <p>HGNC ID: HGNC:4311</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4624" fbc:name="G_HGNC:4624" fbc:label="G_HGNC__58__4624"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: GSS</p> + <p>ENSG: ENSG00000100983</p> + <p>HGNC ID: HGNC:4624</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11180" fbc:name="G_HGNC:11180" fbc:label="G_HGNC__58__11180"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SOD2</p> + <p>ENSG: ENSG00000291237</p> + <p>HGNC ID: HGNC:11180</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__9352" fbc:name="G_HGNC:9352" fbc:label="G_HGNC__58__9352"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: PRDX1</p> + <p>ENSG: ENSG00000117450</p> + <p>HGNC ID: HGNC:9352</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4553" fbc:name="G_HGNC:4553" fbc:label="G_HGNC__58__4553"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: GPX1</p> + <p>ENSG: ENSG00000233276</p> + <p>HGNC ID: HGNC:4553</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4556" fbc:name="G_HGNC:4556" fbc:label="G_HGNC__58__4556"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: GPX4</p> + <p>ENSG: ENSG00000167468</p> + <p>HGNC ID: HGNC:4556</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__9353" fbc:name="G_HGNC:9353" fbc:label="G_HGNC__58__9353"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: PRDX2</p> + <p>ENSG: ENSG00000167815</p> + <p>HGNC ID: HGNC:9353</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4554" fbc:name="G_HGNC:4554" fbc:label="G_HGNC__58__4554"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: GPX2</p> + <p>ENSG: ENSG00000176153</p> + <p>HGNC ID: HGNC:4554</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__9354" fbc:name="G_HGNC:9354" fbc:label="G_HGNC__58__9354"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: PRDX3</p> + <p>ENSG: ENSG00000165672</p> + <p>HGNC ID: HGNC:9354</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4623" fbc:name="G_HGNC:4623" fbc:label="G_HGNC__58__4623"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: GSR</p> + <p>ENSG: ENSG00000104687</p> + <p>HGNC ID: HGNC:4623</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__21606" fbc:name="G_HGNC:21606" fbc:label="G_HGNC__58__21606"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: MPC1</p> + <p>ENSG: ENSG00000060762</p> + <p>HGNC ID: HGNC:21606</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__24515" fbc:name="G_HGNC:24515" fbc:label="G_HGNC__58__24515"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: MPC2</p> + <p>ENSG: ENSG00000143158</p> + <p>HGNC ID: HGNC:24515</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__10922" fbc:name="G_HGNC:10922" fbc:label="G_HGNC__58__10922"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC16A1</p> + <p>ENSG: ENSG00000155380</p> + <p>HGNC ID: HGNC:10922</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__10979" fbc:name="G_HGNC:10979" fbc:label="G_HGNC__58__10979"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC25A1</p> + <p>ENSG: ENSG00000100075</p> + <p>HGNC ID: HGNC:10979</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__10989" fbc:name="G_HGNC:10989" fbc:label="G_HGNC__58__10989"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC25A3</p> + <p>ENSG: ENSG00000075415</p> + <p>HGNC ID: HGNC:10989</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__10992" fbc:name="G_HGNC:10992" fbc:label="G_HGNC__58__10992"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC25A6</p> + <p>ENSG: ENSG00000169100</p> + <p>HGNC ID: HGNC:10992</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__10991" fbc:name="G_HGNC:10991" fbc:label="G_HGNC__58__10991"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC25A5</p> + <p>ENSG: ENSG00000005022</p> + <p>HGNC ID: HGNC:10991</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__10990" fbc:name="G_HGNC:10990" fbc:label="G_HGNC__58__10990"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC25A4</p> + <p>ENSG: ENSG00000151729</p> + <p>HGNC ID: HGNC:10990</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7863" fbc:name="G_HGNC:7863" fbc:label="G_HGNC__58__7863"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: NNT</p> + <p>ENSG: ENSG00000112992</p> + <p>HGNC ID: HGNC:7863</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__642" fbc:name="G_HGNC:642" fbc:label="G_HGNC__58__642"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: AQP8</p> + <p>ENSG: ENSG00000103375</p> + <p>HGNC ID: HGNC:642</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__1371" fbc:name="G_HGNC:1371" fbc:label="G_HGNC__58__1371"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: CA12</p> + <p>ENSG: ENSG00000074410</p> + <p>HGNC ID: HGNC:1371</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__1372" fbc:name="G_HGNC:1372" fbc:label="G_HGNC__58__1372"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: CA14</p> + <p>ENSG: ENSG00000118298</p> + <p>HGNC ID: HGNC:1372</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__1368" fbc:name="G_HGNC:1368" fbc:label="G_HGNC__58__1368"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: CA1</p> + <p>ENSG: ENSG00000133742</p> + <p>HGNC ID: HGNC:1368</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__1375" fbc:name="G_HGNC:1375" fbc:label="G_HGNC__58__1375"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: CA4</p> + <p>ENSG: ENSG00000167434</p> + <p>HGNC ID: HGNC:1375</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__1380" fbc:name="G_HGNC:1380" fbc:label="G_HGNC__58__1380"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: CA6</p> + <p>ENSG: ENSG00000131686</p> + <p>HGNC ID: HGNC:1380</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__1381" fbc:name="G_HGNC:1381" fbc:label="G_HGNC__58__1381"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: CA7</p> + <p>ENSG: ENSG00000168748</p> + <p>HGNC ID: HGNC:1381</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__1374" fbc:name="G_HGNC:1374" fbc:label="G_HGNC__58__1374"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: CA3</p> + <p>ENSG: ENSG00000164879</p> + <p>HGNC ID: HGNC:1374</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__14914" fbc:name="G_HGNC:14914" fbc:label="G_HGNC__58__14914"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: CA13</p> + <p>ENSG: ENSG00000185015</p> + <p>HGNC ID: HGNC:14914</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__1383" fbc:name="G_HGNC:1383" fbc:label="G_HGNC__58__1383"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: CA9</p> + <p>ENSG: ENSG00000107159</p> + <p>HGNC ID: HGNC:1383</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__1373" fbc:name="G_HGNC:1373" fbc:label="G_HGNC__58__1373"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: CA2</p> + <p>ENSG: ENSG00000104267</p> + <p>HGNC ID: HGNC:1373</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__1377" fbc:name="G_HGNC:1377" fbc:label="G_HGNC__58__1377"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: CA5A</p> + <p>ENSG: ENSG00000174990</p> + <p>HGNC ID: HGNC:1377</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__1378" fbc:name="G_HGNC:1378" fbc:label="G_HGNC__58__1378"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: CA5B</p> + <p>ENSG: ENSG00000169239</p> + <p>HGNC ID: HGNC:1378</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4331" fbc:name="G_HGNC:4331" fbc:label="G_HGNC__58__4331"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: GLS</p> + <p>ENSG: ENSG00000115419</p> + <p>HGNC ID: HGNC:4331</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4341" fbc:name="G_HGNC:4341" fbc:label="G_HGNC__58__4341"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: GLUL</p> + <p>ENSG: ENSG00000135821</p> + <p>HGNC ID: HGNC:4341</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__21016" fbc:name="G_HGNC:21016" fbc:label="G_HGNC__58__21016"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: LGSN</p> + <p>ENSG: ENSG00000146166</p> + <p>HGNC ID: HGNC:21016</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__10988" fbc:name="G_HGNC:10988" fbc:label="G_HGNC__58__10988"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC25A18</p> + <p>ENSG: ENSG00000182902</p> + <p>HGNC ID: HGNC:10988</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__19954" fbc:name="G_HGNC:19954" fbc:label="G_HGNC__58__19954"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC25A22</p> + <p>ENSG: ENSG00000177542</p> + <p>HGNC ID: HGNC:19954</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__29570" fbc:name="G_HGNC:29570" fbc:label="G_HGNC__58__29570"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: GLS2</p> + <p>ENSG: ENSG00000135423</p> + <p>HGNC ID: HGNC:29570</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__9238" fbc:name="G_HGNC:9238" fbc:label="G_HGNC__58__9238"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: PPAT</p> + <p>ENSG: ENSG00000128059</p> + <p>HGNC ID: HGNC:9238</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4163" fbc:name="G_HGNC:4163" fbc:label="G_HGNC__58__4163"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: GART</p> + <p>ENSG: ENSG00000159131</p> + <p>HGNC ID: HGNC:4163</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__8863" fbc:name="G_HGNC:8863" fbc:label="G_HGNC__58__8863"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: PFAS</p> + <p>ENSG: ENSG00000178921</p> + <p>HGNC ID: HGNC:8863</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__8587" fbc:name="G_HGNC:8587" fbc:label="G_HGNC__58__8587"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: PAICS</p> + <p>ENSG: ENSG00000128050</p> + <p>HGNC ID: HGNC:8587</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__291" fbc:name="G_HGNC:291" fbc:label="G_HGNC__58__291"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ADSL</p> + <p>ENSG: ENSG00000239900</p> + <p>HGNC ID: HGNC:291</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__794" fbc:name="G_HGNC:794" fbc:label="G_HGNC__58__794"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ATIC</p> + <p>ENSG: ENSG00000138363</p> + <p>HGNC ID: HGNC:794</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__20093" fbc:name="G_HGNC:20093" fbc:label="G_HGNC__58__20093"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ADSS1</p> + <p>ENSG: ENSG00000185100</p> + <p>HGNC ID: HGNC:20093</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__292" fbc:name="G_HGNC:292" fbc:label="G_HGNC__58__292"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ADSS2</p> + <p>ENSG: ENSG00000035687</p> + <p>HGNC ID: HGNC:292</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4693" fbc:name="G_HGNC:4693" fbc:label="G_HGNC__58__4693"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: GUK1</p> + <p>ENSG: ENSG00000143774</p> + <p>HGNC ID: HGNC:4693</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__17296" fbc:name="G_HGNC:17296" fbc:label="G_HGNC__58__17296"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: RRM2B</p> + <p>ENSG: ENSG00000048392</p> + <p>HGNC ID: HGNC:17296</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__10452" fbc:name="G_HGNC:10452" fbc:label="G_HGNC__58__10452"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: RRM2</p> + <p>ENSG: ENSG00000171848</p> + <p>HGNC ID: HGNC:10452</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__10451" fbc:name="G_HGNC:10451" fbc:label="G_HGNC__58__10451"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: RRM1</p> + <p>ENSG: ENSG00000167325</p> + <p>HGNC ID: HGNC:10451</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__20091" fbc:name="G_HGNC:20091" fbc:label="G_HGNC__58__20091"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: AK7</p> + <p>ENSG: ENSG00000140057</p> + <p>HGNC ID: HGNC:20091</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__365" fbc:name="G_HGNC:365" fbc:label="G_HGNC__58__365"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: AK5</p> + <p>ENSG: ENSG00000154027</p> + <p>HGNC ID: HGNC:365</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__361" fbc:name="G_HGNC:361" fbc:label="G_HGNC__58__361"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: AK1</p> + <p>ENSG: ENSG00000106992</p> + <p>HGNC ID: HGNC:361</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__362" fbc:name="G_HGNC:362" fbc:label="G_HGNC__58__362"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: AK2</p> + <p>ENSG: ENSG00000004455</p> + <p>HGNC ID: HGNC:362</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__1424" fbc:name="G_HGNC:1424" fbc:label="G_HGNC__58__1424"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: CAD</p> + <p>ENSG: ENSG00000084774</p> + <p>HGNC ID: HGNC:1424</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__2867" fbc:name="G_HGNC:2867" fbc:label="G_HGNC__58__2867"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: DHODH</p> + <p>ENSG: ENSG00000102967</p> + <p>HGNC ID: HGNC:2867</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__12563" fbc:name="G_HGNC:12563" fbc:label="G_HGNC__58__12563"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: UMPS</p> + <p>ENSG: ENSG00000114491</p> + <p>HGNC ID: HGNC:12563</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__18170" fbc:name="G_HGNC:18170" fbc:label="G_HGNC__58__18170"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: CMPK1</p> + <p>ENSG: ENSG00000162368</p> + <p>HGNC ID: HGNC:18170</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__12441" fbc:name="G_HGNC:12441" fbc:label="G_HGNC__58__12441"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: TYMS</p> + <p>ENSG: ENSG00000176890</p> + <p>HGNC ID: HGNC:12441</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__3061" fbc:name="G_HGNC:3061" fbc:label="G_HGNC__58__3061"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: DTYMK</p> + <p>ENSG: ENSG00000168393</p> + <p>HGNC ID: HGNC:3061</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__20461" fbc:name="G_HGNC:20461" fbc:label="G_HGNC__58__20461"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: NME7</p> + <p>ENSG: ENSG00000143156</p> + <p>HGNC ID: HGNC:20461</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__20567" fbc:name="G_HGNC:20567" fbc:label="G_HGNC__58__20567"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: NME6</p> + <p>ENSG: ENSG00000172113</p> + <p>HGNC ID: HGNC:20567</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7851" fbc:name="G_HGNC:7851" fbc:label="G_HGNC__58__7851"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: NME3</p> + <p>ENSG: ENSG00000103024</p> + <p>HGNC ID: HGNC:7851</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7850" fbc:name="G_HGNC:7850" fbc:label="G_HGNC__58__7850"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: NME2</p> + <p>ENSG: ENSG00000243678</p> + <p>HGNC ID: HGNC:7850</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7849" fbc:name="G_HGNC:7849" fbc:label="G_HGNC__58__7849"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: NME1</p> + <p>ENSG: ENSG00000239672</p> + <p>HGNC ID: HGNC:7849</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__2519" fbc:name="G_HGNC:2519" fbc:label="G_HGNC__58__2519"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: CTPS1</p> + <p>ENSG: ENSG00000171793</p> + <p>HGNC ID: HGNC:2519</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__2520" fbc:name="G_HGNC:2520" fbc:label="G_HGNC__58__2520"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: CTPS2</p> + <p>ENSG: ENSG00000047230</p> + <p>HGNC ID: HGNC:2520</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4335" fbc:name="G_HGNC:4335" fbc:label="G_HGNC__58__4335"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: GLUD1</p> + <p>ENSG: ENSG00000148672</p> + <p>HGNC ID: HGNC:4335</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4336" fbc:name="G_HGNC:4336" fbc:label="G_HGNC__58__4336"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: GLUD2</p> + <p>ENSG: ENSG00000182890</p> + <p>HGNC ID: HGNC:4336</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4432" fbc:name="G_HGNC:4432" fbc:label="G_HGNC__58__4432"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: GOT1</p> + <p>ENSG: ENSG00000120053</p> + <p>HGNC ID: HGNC:4432</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4433" fbc:name="G_HGNC:4433" fbc:label="G_HGNC__58__4433"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: GOT2</p> + <p>ENSG: ENSG00000125166</p> + <p>HGNC ID: HGNC:4433</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__10982" fbc:name="G_HGNC:10982" fbc:label="G_HGNC__58__10982"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC25A12</p> + <p>ENSG: ENSG00000115840</p> + <p>HGNC ID: HGNC:10982</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__10983" fbc:name="G_HGNC:10983" fbc:label="G_HGNC__58__10983"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC25A13</p> + <p>ENSG: ENSG00000004864</p> + <p>HGNC ID: HGNC:10983</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__2323" fbc:name="G_HGNC:2323" fbc:label="G_HGNC__58__2323"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: CPS1</p> + <p>ENSG: ENSG00000021826</p> + <p>HGNC ID: HGNC:2323</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__8512" fbc:name="G_HGNC:8512" fbc:label="G_HGNC__58__8512"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: OTC</p> + <p>ENSG: ENSG00000036473</p> + <p>HGNC ID: HGNC:8512</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__10985" fbc:name="G_HGNC:10985" fbc:label="G_HGNC__58__10985"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC25A15</p> + <p>ENSG: ENSG00000102743</p> + <p>HGNC ID: HGNC:10985</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__22921" fbc:name="G_HGNC:22921" fbc:label="G_HGNC__58__22921"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC25A2</p> + <p>ENSG: ENSG00000120329</p> + <p>HGNC ID: HGNC:22921</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__758" fbc:name="G_HGNC:758" fbc:label="G_HGNC__58__758"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ASS1</p> + <p>ENSG: ENSG00000130707</p> + <p>HGNC ID: HGNC:758</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__746" fbc:name="G_HGNC:746" fbc:label="G_HGNC__58__746"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ASL</p> + <p>ENSG: ENSG00000126522</p> + <p>HGNC ID: HGNC:746</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__663" fbc:name="G_HGNC:663" fbc:label="G_HGNC__58__663"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ARG1</p> + <p>ENSG: ENSG00000118520</p> + <p>HGNC ID: HGNC:663</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__8109" fbc:name="G_HGNC:8109" fbc:label="G_HGNC__58__8109"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ODC1</p> + <p>ENSG: ENSG00000115758</p> + <p>HGNC ID: HGNC:8109</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11296" fbc:name="G_HGNC:11296" fbc:label="G_HGNC__58__11296"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SRM</p> + <p>ENSG: ENSG00000116649</p> + <p>HGNC ID: HGNC:11296</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11123" fbc:name="G_HGNC:11123" fbc:label="G_HGNC__58__11123"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SMS</p> + <p>ENSG: ENSG00000102172</p> + <p>HGNC ID: HGNC:11123</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7413" fbc:name="G_HGNC:7413" fbc:label="G_HGNC__58__7413"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: MTAP</p> + <p>ENSG: ENSG00000099810</p> + <p>HGNC ID: HGNC:7413</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__626" fbc:name="G_HGNC:626" fbc:label="G_HGNC__58__626"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: APRT</p> + <p>ENSG: ENSG00000198931</p> + <p>HGNC ID: HGNC:626</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__633" fbc:name="G_HGNC:633" fbc:label="G_HGNC__58__633"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: AQP1</p> + <p>ENSG: ENSG00000240583</p> + <p>HGNC ID: HGNC:633</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__634" fbc:name="G_HGNC:634" fbc:label="G_HGNC__58__634"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: AQP2</p> + <p>ENSG: ENSG00000167580</p> + <p>HGNC ID: HGNC:634</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__638" fbc:name="G_HGNC:638" fbc:label="G_HGNC__58__638"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: AQP5</p> + <p>ENSG: ENSG00000161798</p> + <p>HGNC ID: HGNC:638</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__637" fbc:name="G_HGNC:637" fbc:label="G_HGNC__58__637"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: AQP4</p> + <p>ENSG: ENSG00000171885</p> + <p>HGNC ID: HGNC:637</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7103" fbc:name="G_HGNC:7103" fbc:label="G_HGNC__58__7103"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: MIP</p> + <p>ENSG: ENSG00000135517</p> + <p>HGNC ID: HGNC:7103</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4175" fbc:name="G_HGNC:4175" fbc:label="G_HGNC__58__4175"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: GATM</p> + <p>ENSG: ENSG00000171766</p> + <p>HGNC ID: HGNC:4175</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__406" fbc:name="G_HGNC:406" fbc:label="G_HGNC__58__406"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ALDH4A1</p> + <p>ENSG: ENSG00000159423</p> + <p>HGNC ID: HGNC:406</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__30262" fbc:name="G_HGNC:30262" fbc:label="G_HGNC__58__30262"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: PYCR2</p> + <p>ENSG: ENSG00000143811</p> + <p>HGNC ID: HGNC:30262</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__17325" fbc:name="G_HGNC:17325" fbc:label="G_HGNC__58__17325"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: PRODH2</p> + <p>ENSG: ENSG00000250799</p> + <p>HGNC ID: HGNC:17325</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__753" fbc:name="G_HGNC:753" fbc:label="G_HGNC__58__753"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ASNS</p> + <p>ENSG: ENSG00000070669</p> + <p>HGNC ID: HGNC:753</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__16448" fbc:name="G_HGNC:16448" fbc:label="G_HGNC__58__16448"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ASRGL1</p> + <p>ENSG: ENSG00000162174</p> + <p>HGNC ID: HGNC:16448</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__20123" fbc:name="G_HGNC:20123" fbc:label="G_HGNC__58__20123"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ASPG</p> + <p>ENSG: ENSG00000166183</p> + <p>HGNC ID: HGNC:20123</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7468" fbc:name="G_HGNC:7468" fbc:label="G_HGNC__58__7468"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: MTR</p> + <p>ENSG: ENSG00000116984</p> + <p>HGNC ID: HGNC:7468</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__6904" fbc:name="G_HGNC:6904" fbc:label="G_HGNC__58__6904"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: MAT2A</p> + <p>ENSG: ENSG00000168906</p> + <p>HGNC ID: HGNC:6904</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__6905" fbc:name="G_HGNC:6905" fbc:label="G_HGNC__58__6905"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: MAT2B</p> + <p>ENSG: ENSG00000038274</p> + <p>HGNC ID: HGNC:6905</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__6903" fbc:name="G_HGNC:6903" fbc:label="G_HGNC__58__6903"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: MAT1A</p> + <p>ENSG: ENSG00000151224</p> + <p>HGNC ID: HGNC:6903</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__257" fbc:name="G_HGNC:257" fbc:label="G_HGNC__58__257"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ADK</p> + <p>ENSG: ENSG00000156110</p> + <p>HGNC ID: HGNC:257</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__1550" fbc:name="G_HGNC:1550" fbc:label="G_HGNC__58__1550"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: CBS</p> + <p>ENSG: ENSG00000160200</p> + <p>HGNC ID: HGNC:1550</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__2501" fbc:name="G_HGNC:2501" fbc:label="G_HGNC__58__2501"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: CTH</p> + <p>ENSG: ENSG00000116761</p> + <p>HGNC ID: HGNC:2501</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7436" fbc:name="G_HGNC:7436" fbc:label="G_HGNC__58__7436"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: MTHFR</p> + <p>ENSG: ENSG00000177000</p> + <p>HGNC ID: HGNC:7436</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__3791" fbc:name="G_HGNC:3791" fbc:label="G_HGNC__58__3791"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: FOLR1</p> + <p>ENSG: ENSG00000110195</p> + <p>HGNC ID: HGNC:3791</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__3795" fbc:name="G_HGNC:3795" fbc:label="G_HGNC__58__3795"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: FOLR3</p> + <p>ENSG: ENSG00000110203</p> + <p>HGNC ID: HGNC:3795</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__976" fbc:name="G_HGNC:976" fbc:label="G_HGNC__58__976"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: BCAT1</p> + <p>ENSG: ENSG00000060982</p> + <p>HGNC ID: HGNC:976</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__977" fbc:name="G_HGNC:977" fbc:label="G_HGNC__58__977"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: BCAT2</p> + <p>ENSG: ENSG00000105552</p> + <p>HGNC ID: HGNC:977</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__986" fbc:name="G_HGNC:986" fbc:label="G_HGNC__58__986"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: BCKDHA</p> + <p>ENSG: ENSG00000248098</p> + <p>HGNC ID: HGNC:986</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__2698" fbc:name="G_HGNC:2698" fbc:label="G_HGNC__58__2698"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: DBT</p> + <p>ENSG: ENSG00000137992</p> + <p>HGNC ID: HGNC:2698</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__987" fbc:name="G_HGNC:987" fbc:label="G_HGNC__58__987"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: BCKDHB</p> + <p>ENSG: ENSG00000083123</p> + <p>HGNC ID: HGNC:987</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__6186" fbc:name="G_HGNC:6186" fbc:label="G_HGNC__58__6186"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: IVD</p> + <p>ENSG: ENSG00000128928</p> + <p>HGNC ID: HGNC:6186</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__6937" fbc:name="G_HGNC:6937" fbc:label="G_HGNC__58__6937"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: MCCC2</p> + <p>ENSG: ENSG00000131844</p> + <p>HGNC ID: HGNC:6937</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__6936" fbc:name="G_HGNC:6936" fbc:label="G_HGNC__58__6936"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: MCCC1</p> + <p>ENSG: ENSG00000078070</p> + <p>HGNC ID: HGNC:6936</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__890" fbc:name="G_HGNC:890" fbc:label="G_HGNC__58__890"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: AUH</p> + <p>ENSG: ENSG00000148090</p> + <p>HGNC ID: HGNC:890</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__87" fbc:name="G_HGNC:87" fbc:label="G_HGNC__58__87"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ACAD8</p> + <p>ENSG: ENSG00000151498</p> + <p>HGNC ID: HGNC:87</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__89" fbc:name="G_HGNC:89" fbc:label="G_HGNC__58__89"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ACADM</p> + <p>ENSG: ENSG00000117054</p> + <p>HGNC ID: HGNC:89</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4801" fbc:name="G_HGNC:4801" fbc:label="G_HGNC__58__4801"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: HADHA</p> + <p>ENSG: ENSG00000084754</p> + <p>HGNC ID: HGNC:4801</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4803" fbc:name="G_HGNC:4803" fbc:label="G_HGNC__58__4803"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: HADHB</p> + <p>ENSG: ENSG00000138029</p> + <p>HGNC ID: HGNC:4803</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__3151" fbc:name="G_HGNC:3151" fbc:label="G_HGNC__58__3151"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ECHS1</p> + <p>ENSG: ENSG00000127884</p> + <p>HGNC ID: HGNC:3151</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4907" fbc:name="G_HGNC:4907" fbc:label="G_HGNC__58__4907"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: HIBADH</p> + <p>ENSG: ENSG00000106049</p> + <p>HGNC ID: HGNC:4907</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__407" fbc:name="G_HGNC:407" fbc:label="G_HGNC__58__407"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ALDH1B1</p> + <p>ENSG: ENSG00000137124</p> + <p>HGNC ID: HGNC:407</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__412" fbc:name="G_HGNC:412" fbc:label="G_HGNC__58__412"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ALDH9A1</p> + <p>ENSG: ENSG00000143149</p> + <p>HGNC ID: HGNC:412</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__877" fbc:name="G_HGNC:877" fbc:label="G_HGNC__58__877"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ALDH7A1</p> + <p>ENSG: ENSG00000164904</p> + <p>HGNC ID: HGNC:877</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__404" fbc:name="G_HGNC:404" fbc:label="G_HGNC__58__404"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ALDH2</p> + <p>ENSG: ENSG00000111275</p> + <p>HGNC ID: HGNC:404</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__403" fbc:name="G_HGNC:403" fbc:label="G_HGNC__58__403"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ALDH3A2</p> + <p>ENSG: ENSG00000072210</p> + <p>HGNC ID: HGNC:403</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7179" fbc:name="G_HGNC:7179" fbc:label="G_HGNC__58__7179"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ALDH6A1</p> + <p>ENSG: ENSG00000119711</p> + <p>HGNC ID: HGNC:7179</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__16732" fbc:name="G_HGNC:16732" fbc:label="G_HGNC__58__16732"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: MCEE</p> + <p>ENSG: ENSG00000124370</p> + <p>HGNC ID: HGNC:16732</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7526" fbc:name="G_HGNC:7526" fbc:label="G_HGNC__58__7526"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: MMUT</p> + <p>ENSG: ENSG00000146085</p> + <p>HGNC ID: HGNC:7526</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__8923" fbc:name="G_HGNC:8923" fbc:label="G_HGNC__58__8923"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: PHGDH</p> + <p>ENSG: ENSG00000092621</p> + <p>HGNC ID: HGNC:8923</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__19129" fbc:name="G_HGNC:19129" fbc:label="G_HGNC__58__19129"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: PSAT1</p> + <p>ENSG: ENSG00000135069</p> + <p>HGNC ID: HGNC:19129</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__9577" fbc:name="G_HGNC:9577" fbc:label="G_HGNC__58__9577"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: PSPH</p> + <p>ENSG: ENSG00000146733</p> + <p>HGNC ID: HGNC:9577</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__10850" fbc:name="G_HGNC:10850" fbc:label="G_HGNC__58__10850"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SHMT1</p> + <p>ENSG: ENSG00000176974</p> + <p>HGNC ID: HGNC:10850</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__30404" fbc:name="G_HGNC:30404" fbc:label="G_HGNC__58__30404"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SDSL</p> + <p>ENSG: ENSG00000139410</p> + <p>HGNC ID: HGNC:30404</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__10691" fbc:name="G_HGNC:10691" fbc:label="G_HGNC__58__10691"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SDS</p> + <p>ENSG: ENSG00000135094</p> + <p>HGNC ID: HGNC:10691</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4552" fbc:name="G_HGNC:4552" fbc:label="G_HGNC__58__4552"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: GPT</p> + <p>ENSG: ENSG00000167701</p> + <p>HGNC ID: HGNC:4552</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__18062" fbc:name="G_HGNC:18062" fbc:label="G_HGNC__58__18062"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: GPT2</p> + <p>ENSG: ENSG00000166123</p> + <p>HGNC ID: HGNC:18062</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__10852" fbc:name="G_HGNC:10852" fbc:label="G_HGNC__58__10852"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SHMT2</p> + <p>ENSG: ENSG00000182199</p> + <p>HGNC ID: HGNC:10852</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__29683" fbc:name="G_HGNC:29683" fbc:label="G_HGNC__58__29683"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC25A32</p> + <p>ENSG: ENSG00000164933</p> + <p>HGNC ID: HGNC:29683</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__2861" fbc:name="G_HGNC:2861" fbc:label="G_HGNC__58__2861"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: DHFR</p> + <p>ENSG: ENSG00000228716</p> + <p>HGNC ID: HGNC:2861</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__21055" fbc:name="G_HGNC:21055" fbc:label="G_HGNC__58__21055"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: MTHFD1L</p> + <p>ENSG: ENSG00000120254</p> + <p>HGNC ID: HGNC:21055</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7432" fbc:name="G_HGNC:7432" fbc:label="G_HGNC__58__7432"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: MTHFD1</p> + <p>ENSG: ENSG00000100714</p> + <p>HGNC ID: HGNC:7432</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7434" fbc:name="G_HGNC:7434" fbc:label="G_HGNC__58__7434"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: MTHFD2</p> + <p>ENSG: ENSG00000065911</p> + <p>HGNC ID: HGNC:7434</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__26777" fbc:name="G_HGNC:26777" fbc:label="G_HGNC__58__26777"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ALDH1L2</p> + <p>ENSG: ENSG00000136010</p> + <p>HGNC ID: HGNC:26777</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__3978" fbc:name="G_HGNC:3978" fbc:label="G_HGNC__58__3978"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ALDH1L1</p> + <p>ENSG: ENSG00000144908</p> + <p>HGNC ID: HGNC:3978</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__31865" fbc:name="G_HGNC:31865" fbc:label="G_HGNC__58__31865"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: MTHFD2L</p> + <p>ENSG: ENSG00000163738</p> + <p>HGNC ID: HGNC:31865</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__94" fbc:name="G_HGNC:94" fbc:label="G_HGNC__58__94"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ACAT2</p> + <p>ENSG: ENSG00000120437</p> + <p>HGNC ID: HGNC:94</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__5007" fbc:name="G_HGNC:5007" fbc:label="G_HGNC__58__5007"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: HMGCS1</p> + <p>ENSG: ENSG00000112972</p> + <p>HGNC ID: HGNC:5007</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__85" fbc:name="G_HGNC:85" fbc:label="G_HGNC__58__85"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ACACB</p> + <p>ENSG: ENSG00000076555</p> + <p>HGNC ID: HGNC:85</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__84" fbc:name="G_HGNC:84" fbc:label="G_HGNC__58__84"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ACACA</p> + <p>ENSG: ENSG00000278540</p> + <p>HGNC ID: HGNC:84</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__3594" fbc:name="G_HGNC:3594" fbc:label="G_HGNC__58__3594"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: FASN</p> + <p>ENSG: ENSG00000169710</p> + <p>HGNC ID: HGNC:3594</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__3569" fbc:name="G_HGNC:3569" fbc:label="G_HGNC__58__3569"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ACSL1</p> + <p>ENSG: ENSG00000151726</p> + <p>HGNC ID: HGNC:3569</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__3570" fbc:name="G_HGNC:3570" fbc:label="G_HGNC__58__3570"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ACSL3</p> + <p>ENSG: ENSG00000123983</p> + <p>HGNC ID: HGNC:3570</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__3571" fbc:name="G_HGNC:3571" fbc:label="G_HGNC__58__3571"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ACSL4</p> + <p>ENSG: ENSG00000068366</p> + <p>HGNC ID: HGNC:3571</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__16496" fbc:name="G_HGNC:16496" fbc:label="G_HGNC__58__16496"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ACSL6</p> + <p>ENSG: ENSG00000164398</p> + <p>HGNC ID: HGNC:16496</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__18540" fbc:name="G_HGNC:18540" fbc:label="G_HGNC__58__18540"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: CPT1C</p> + <p>ENSG: ENSG00000169169</p> + <p>HGNC ID: HGNC:18540</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__2329" fbc:name="G_HGNC:2329" fbc:label="G_HGNC__58__2329"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: CPT1B</p> + <p>ENSG: ENSG00000205560</p> + <p>HGNC ID: HGNC:2329</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__2328" fbc:name="G_HGNC:2328" fbc:label="G_HGNC__58__2328"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: CPT1A</p> + <p>ENSG: ENSG00000110090</p> + <p>HGNC ID: HGNC:2328</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__1421" fbc:name="G_HGNC:1421" fbc:label="G_HGNC__58__1421"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC25A20</p> + <p>ENSG: ENSG00000178537</p> + <p>HGNC ID: HGNC:1421</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__2330" fbc:name="G_HGNC:2330" fbc:label="G_HGNC__58__2330"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: CPT2</p> + <p>ENSG: ENSG00000157184</p> + <p>HGNC ID: HGNC:2330</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__88" fbc:name="G_HGNC:88" fbc:label="G_HGNC__58__88"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ACADL</p> + <p>ENSG: ENSG00000115361</p> + <p>HGNC ID: HGNC:88</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__83" fbc:name="G_HGNC:83" fbc:label="G_HGNC__58__83"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ACAA2</p> + <p>ENSG: ENSG00000167315</p> + <p>HGNC ID: HGNC:83</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__92" fbc:name="G_HGNC:92" fbc:label="G_HGNC__58__92"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ACADVL</p> + <p>ENSG: ENSG00000072778</p> + <p>HGNC ID: HGNC:92</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__13444" fbc:name="G_HGNC:13444" fbc:label="G_HGNC__58__13444"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC2A10</p> + <p>ENSG: ENSG00000197496</p> + <p>HGNC ID: HGNC:13444</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__23155" fbc:name="G_HGNC:23155" fbc:label="G_HGNC__58__23155"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC5A10</p> + <p>ENSG: ENSG00000154025</p> + <p>HGNC ID: HGNC:23155</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11010" fbc:name="G_HGNC:11010" fbc:label="G_HGNC__58__11010"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC2A5</p> + <p>ENSG: ENSG00000142583</p> + <p>HGNC ID: HGNC:11010</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__15956" fbc:name="G_HGNC:15956" fbc:label="G_HGNC__58__15956"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC2A13</p> + <p>ENSG: ENSG00000151229</p> + <p>HGNC ID: HGNC:15956</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__22146" fbc:name="G_HGNC:22146" fbc:label="G_HGNC__58__22146"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC5A9</p> + <p>ENSG: ENSG00000117834</p> + <p>HGNC ID: HGNC:22146</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11038" fbc:name="G_HGNC:11038" fbc:label="G_HGNC__58__11038"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC5A3</p> + <p>ENSG: ENSG00000198743</p> + <p>HGNC ID: HGNC:11038</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__18301" fbc:name="G_HGNC:18301" fbc:label="G_HGNC__58__18301"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC2A14</p> + <p>ENSG: ENSG00000173262</p> + <p>HGNC ID: HGNC:18301</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__14025" fbc:name="G_HGNC:14025" fbc:label="G_HGNC__58__14025"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC5A7</p> + <p>ENSG: ENSG00000115665</p> + <p>HGNC ID: HGNC:14025</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11039" fbc:name="G_HGNC:11039" fbc:label="G_HGNC__58__11039"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC5A4</p> + <p>ENSG: ENSG00000100191</p> + <p>HGNC ID: HGNC:11039</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11011" fbc:name="G_HGNC:11011" fbc:label="G_HGNC__58__11011"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC2A6</p> + <p>ENSG: ENSG00000160326</p> + <p>HGNC ID: HGNC:11011</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11040" fbc:name="G_HGNC:11040" fbc:label="G_HGNC__58__11040"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC5A5</p> + <p>ENSG: ENSG00000105641</p> + <p>HGNC ID: HGNC:11040</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__14239" fbc:name="G_HGNC:14239" fbc:label="G_HGNC__58__14239"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC2A11</p> + <p>ENSG: ENSG00000133460</p> + <p>HGNC ID: HGNC:14239</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11007" fbc:name="G_HGNC:11007" fbc:label="G_HGNC__58__11007"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC2A3</p> + <p>ENSG: ENSG00000059804</p> + <p>HGNC ID: HGNC:11007</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11041" fbc:name="G_HGNC:11041" fbc:label="G_HGNC__58__11041"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC5A6</p> + <p>ENSG: ENSG00000138074</p> + <p>HGNC ID: HGNC:11041</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__13446" fbc:name="G_HGNC:13446" fbc:label="G_HGNC__58__13446"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC2A9</p> + <p>ENSG: ENSG00000109667</p> + <p>HGNC ID: HGNC:13446</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11036" fbc:name="G_HGNC:11036" fbc:label="G_HGNC__58__11036"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC5A1</p> + <p>ENSG: ENSG00000100170</p> + <p>HGNC ID: HGNC:11036</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__23091" fbc:name="G_HGNC:23091" fbc:label="G_HGNC__58__23091"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC5A11</p> + <p>ENSG: ENSG00000158865</p> + <p>HGNC ID: HGNC:23091</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__18067" fbc:name="G_HGNC:18067" fbc:label="G_HGNC__58__18067"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC2A12</p> + <p>ENSG: ENSG00000146411</p> + <p>HGNC ID: HGNC:18067</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__28750" fbc:name="G_HGNC:28750" fbc:label="G_HGNC__58__28750"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC5A12</p> + <p>ENSG: ENSG00000148942</p> + <p>HGNC ID: HGNC:28750</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__19119" fbc:name="G_HGNC:19119" fbc:label="G_HGNC__58__19119"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC5A8</p> + <p>ENSG: ENSG00000256870</p> + <p>HGNC ID: HGNC:19119</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__13812" fbc:name="G_HGNC:13812" fbc:label="G_HGNC__58__13812"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC2A8</p> + <p>ENSG: ENSG00000136856</p> + <p>HGNC ID: HGNC:13812</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11005" fbc:name="G_HGNC:11005" fbc:label="G_HGNC__58__11005"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC2A1</p> + <p>ENSG: ENSG00000117394</p> + <p>HGNC ID: HGNC:11005</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11037" fbc:name="G_HGNC:11037" fbc:label="G_HGNC__58__11037"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC5A2</p> + <p>ENSG: ENSG00000140675</p> + <p>HGNC ID: HGNC:11037</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__13445" fbc:name="G_HGNC:13445" fbc:label="G_HGNC__58__13445"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC2A7</p> + <p>ENSG: ENSG00000197241</p> + <p>HGNC ID: HGNC:13445</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11006" fbc:name="G_HGNC:11006" fbc:label="G_HGNC__58__11006"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC2A2</p> + <p>ENSG: ENSG00000163581</p> + <p>HGNC ID: HGNC:11006</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11009" fbc:name="G_HGNC:11009" fbc:label="G_HGNC__58__11009"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC2A4</p> + <p>ENSG: ENSG00000181856</p> + <p>HGNC ID: HGNC:11009</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__14679" fbc:name="G_HGNC:14679" fbc:label="G_HGNC__58__14679"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC38A4</p> + <p>ENSG: ENSG00000139209</p> + <p>HGNC ID: HGNC:14679</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__18070" fbc:name="G_HGNC:18070" fbc:label="G_HGNC__58__18070"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC38A5</p> + <p>ENSG: ENSG00000017483</p> + <p>HGNC ID: HGNC:18070</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__26441" fbc:name="G_HGNC:26441" fbc:label="G_HGNC__58__26441"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC6A18</p> + <p>ENSG: ENSG00000164363</p> + <p>HGNC ID: HGNC:26441</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__13447" fbc:name="G_HGNC:13447" fbc:label="G_HGNC__58__13447"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC38A1</p> + <p>ENSG: ENSG00000111371</p> + <p>HGNC ID: HGNC:13447</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__29437" fbc:name="G_HGNC:29437" fbc:label="G_HGNC__58__29437"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: CLTRN</p> + <p>ENSG: ENSG00000147003</p> + <p>HGNC ID: HGNC:29437</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11047" fbc:name="G_HGNC:11047" fbc:label="G_HGNC__58__11047"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC6A14</p> + <p>ENSG: ENSG00000268104</p> + <p>HGNC ID: HGNC:11047</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__27960" fbc:name="G_HGNC:27960" fbc:label="G_HGNC__58__27960"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC6A19</p> + <p>ENSG: ENSG00000174358</p> + <p>HGNC ID: HGNC:27960</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__13448" fbc:name="G_HGNC:13448" fbc:label="G_HGNC__58__13448"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC38A2</p> + <p>ENSG: ENSG00000134294</p> + <p>HGNC ID: HGNC:13448</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__18044" fbc:name="G_HGNC:18044" fbc:label="G_HGNC__58__18044"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC38A3</p> + <p>ENSG: ENSG00000188338</p> + <p>HGNC ID: HGNC:18044</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__9225" fbc:name="G_HGNC:9225" fbc:label="G_HGNC__58__9225"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC43A1</p> + <p>ENSG: ENSG00000149150</p> + <p>HGNC ID: HGNC:9225</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__3793" fbc:name="G_HGNC:3793" fbc:label="G_HGNC__58__3793"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: FOLR2</p> + <p>ENSG: ENSG00000165457</p> + <p>HGNC ID: HGNC:3793</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11060" fbc:name="G_HGNC:11060" fbc:label="G_HGNC__58__11060"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC7A2</p> + <p>ENSG: ENSG00000003989</p> + <p>HGNC ID: HGNC:11060</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11061" fbc:name="G_HGNC:11061" fbc:label="G_HGNC__58__11061"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC7A3</p> + <p>ENSG: ENSG00000165349</p> + <p>HGNC ID: HGNC:11061</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11057" fbc:name="G_HGNC:11057" fbc:label="G_HGNC__58__11057"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC7A1</p> + <p>ENSG: ENSG00000139514</p> + <p>HGNC ID: HGNC:11057</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__17027" fbc:name="G_HGNC:17027" fbc:label="G_HGNC__58__17027"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC16A10</p> + <p>ENSG: ENSG00000112394</p> + <p>HGNC ID: HGNC:17027</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__18761" fbc:name="G_HGNC:18761" fbc:label="G_HGNC__58__18761"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC36A1</p> + <p>ENSG: ENSG00000123643</p> + <p>HGNC ID: HGNC:18761</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__13557" fbc:name="G_HGNC:13557" fbc:label="G_HGNC__58__13557"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ACE2</p> + <p>ENSG: ENSG00000130234</p> + <p>HGNC ID: HGNC:13557</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11056" fbc:name="G_HGNC:11056" fbc:label="G_HGNC__58__11056"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC6A9</p> + <p>ENSG: ENSG00000196517</p> + <p>HGNC ID: HGNC:11056</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__18762" fbc:name="G_HGNC:18762" fbc:label="G_HGNC__58__18762"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC36A2</p> + <p>ENSG: ENSG00000186335</p> + <p>HGNC ID: HGNC:18762</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11051" fbc:name="G_HGNC:11051" fbc:label="G_HGNC__58__11051"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC6A5</p> + <p>ENSG: ENSG00000165970</p> + <p>HGNC ID: HGNC:11051</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__1663" fbc:name="G_HGNC:1663" fbc:label="G_HGNC__58__1663"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: CD36</p> + <p>ENSG: ENSG00000135218</p> + <p>HGNC ID: HGNC:1663</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__10995" fbc:name="G_HGNC:10995" fbc:label="G_HGNC__58__10995"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC27A1</p> + <p>ENSG: ENSG00000130304</p> + <p>HGNC ID: HGNC:10995</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__10998" fbc:name="G_HGNC:10998" fbc:label="G_HGNC__58__10998"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC27A4</p> + <p>ENSG: ENSG00000167114</p> + <p>HGNC ID: HGNC:10998</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__10969" fbc:name="G_HGNC:10969" fbc:label="G_HGNC__58__10969"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC22A5</p> + <p>ENSG: ENSG00000197375</p> + <p>HGNC ID: HGNC:10969</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__10924" fbc:name="G_HGNC:10924" fbc:label="G_HGNC__58__10924"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC16A3</p> + <p>ENSG: ENSG00000141526</p> + <p>HGNC ID: HGNC:10924</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__16270" fbc:name="G_HGNC:16270" fbc:label="G_HGNC__58__16270"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC16A8</p> + <p>ENSG: ENSG00000100156</p> + <p>HGNC ID: HGNC:16270</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__10928" fbc:name="G_HGNC:10928" fbc:label="G_HGNC__58__10928"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC16A7</p> + <p>ENSG: ENSG00000118596</p> + <p>HGNC ID: HGNC:10928</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__10919" fbc:name="G_HGNC:10919" fbc:label="G_HGNC__58__10919"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC14A2</p> + <p>ENSG: ENSG00000132874</p> + <p>HGNC ID: HGNC:10919</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__10918" fbc:name="G_HGNC:10918" fbc:label="G_HGNC__58__10918"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC14A1</p> + <p>ENSG: ENSG00000141469</p> + <p>HGNC ID: HGNC:10918</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11004" fbc:name="G_HGNC:11004" fbc:label="G_HGNC__58__11004"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC29A2</p> + <p>ENSG: ENSG00000174669</p> + <p>HGNC ID: HGNC:11004</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11003" fbc:name="G_HGNC:11003" fbc:label="G_HGNC__58__11003"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC29A1</p> + <p>ENSG: ENSG00000112759</p> + <p>HGNC ID: HGNC:11003</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__19660" fbc:name="G_HGNC:19660" fbc:label="G_HGNC__58__19660"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC36A4</p> + <p>ENSG: ENSG00000180773</p> + <p>HGNC ID: HGNC:19660</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__10941" fbc:name="G_HGNC:10941" fbc:label="G_HGNC__58__10941"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC1A3</p> + <p>ENSG: ENSG00000079215</p> + <p>HGNC ID: HGNC:10941</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__10944" fbc:name="G_HGNC:10944" fbc:label="G_HGNC__58__10944"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC1A6</p> + <p>ENSG: ENSG00000105143</p> + <p>HGNC ID: HGNC:10944</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__10945" fbc:name="G_HGNC:10945" fbc:label="G_HGNC__58__10945"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC1A7</p> + <p>ENSG: ENSG00000162383</p> + <p>HGNC ID: HGNC:10945</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__10939" fbc:name="G_HGNC:10939" fbc:label="G_HGNC__58__10939"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC1A1</p> + <p>ENSG: ENSG00000106688</p> + <p>HGNC ID: HGNC:10939</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__10940" fbc:name="G_HGNC:10940" fbc:label="G_HGNC__58__10940"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC1A2</p> + <p>ENSG: ENSG00000110436</p> + <p>HGNC ID: HGNC:10940</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4136" fbc:name="G_HGNC:4136" fbc:label="G_HGNC__58__4136"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: GAMT</p> + <p>ENSG: ENSG00000130005</p> + <p>HGNC ID: HGNC:4136</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__1994" fbc:name="G_HGNC:1994" fbc:label="G_HGNC__58__1994"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: CKM</p> + <p>ENSG: ENSG00000104879</p> + <p>HGNC ID: HGNC:1994</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__1991" fbc:name="G_HGNC:1991" fbc:label="G_HGNC__58__1991"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: CKB</p> + <p>ENSG: ENSG00000166165</p> + <p>HGNC ID: HGNC:1991</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__80" fbc:name="G_HGNC:80" fbc:label="G_HGNC__58__80"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: AOC1</p> + <p>ENSG: ENSG00000002726</p> + <p>HGNC ID: HGNC:80</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__549" fbc:name="G_HGNC:549" fbc:label="G_HGNC__58__549"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: AOC2</p> + <p>ENSG: ENSG00000131480</p> + <p>HGNC ID: HGNC:549</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__550" fbc:name="G_HGNC:550" fbc:label="G_HGNC__58__550"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: AOC3</p> + <p>ENSG: ENSG00000131471</p> + <p>HGNC ID: HGNC:550</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4806" fbc:name="G_HGNC:4806" fbc:label="G_HGNC__58__4806"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: HAL</p> + <p>ENSG: ENSG00000084110</p> + <p>HGNC ID: HGNC:4806</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__28577" fbc:name="G_HGNC:28577" fbc:label="G_HGNC__58__28577"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: AMDHD1</p> + <p>ENSG: ENSG00000139344</p> + <p>HGNC ID: HGNC:28577</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__3974" fbc:name="G_HGNC:3974" fbc:label="G_HGNC__58__3974"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: FTCD</p> + <p>ENSG: ENSG00000160282</p> + <p>HGNC ID: HGNC:3974</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__29268" fbc:name="G_HGNC:29268" fbc:label="G_HGNC__58__29268"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: CARNS1</p> + <p>ENSG: ENSG00000172508</p> + <p>HGNC ID: HGNC:29268</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4092" fbc:name="G_HGNC:4092" fbc:label="G_HGNC__58__4092"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: GAD1</p> + <p>ENSG: ENSG00000128683</p> + <p>HGNC ID: HGNC:4092</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__17366" fbc:name="G_HGNC:17366" fbc:label="G_HGNC__58__17366"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: AASS</p> + <p>ENSG: ENSG00000008311</p> + <p>HGNC ID: HGNC:17366</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__17929" fbc:name="G_HGNC:17929" fbc:label="G_HGNC__58__17929"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: AADAT</p> + <p>ENSG: ENSG00000109576</p> + <p>HGNC ID: HGNC:17929</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4189" fbc:name="G_HGNC:4189" fbc:label="G_HGNC__58__4189"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: GCDH</p> + <p>ENSG: ENSG00000105607</p> + <p>HGNC ID: HGNC:4189</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__23408" fbc:name="G_HGNC:23408" fbc:label="G_HGNC__58__23408"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ECHDC2</p> + <p>ENSG: ENSG00000121310</p> + <p>HGNC ID: HGNC:23408</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__5008" fbc:name="G_HGNC:5008" fbc:label="G_HGNC__58__5008"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: HMGCS2</p> + <p>ENSG: ENSG00000134240</p> + <p>HGNC ID: HGNC:5008</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__1795" fbc:name="G_HGNC:1795" fbc:label="G_HGNC__58__1795"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: CDO1</p> + <p>ENSG: ENSG00000129596</p> + <p>HGNC ID: HGNC:1795</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11573" fbc:name="G_HGNC:11573" fbc:label="G_HGNC__58__11573"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: TAT</p> + <p>ENSG: ENSG00000198650</p> + <p>HGNC ID: HGNC:11573</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__5147" fbc:name="G_HGNC:5147" fbc:label="G_HGNC__58__5147"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: HPD</p> + <p>ENSG: ENSG00000158104</p> + <p>HGNC ID: HGNC:5147</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4892" fbc:name="G_HGNC:4892" fbc:label="G_HGNC__58__4892"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: HGD</p> + <p>ENSG: ENSG00000113924</p> + <p>HGNC ID: HGNC:4892</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4643" fbc:name="G_HGNC:4643" fbc:label="G_HGNC__58__4643"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: GSTZ1</p> + <p>ENSG: ENSG00000100577</p> + <p>HGNC ID: HGNC:4643</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__3579" fbc:name="G_HGNC:3579" fbc:label="G_HGNC__58__3579"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: FAH</p> + <p>ENSG: ENSG00000103876</p> + <p>HGNC ID: HGNC:3579</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__21298" fbc:name="G_HGNC:21298" fbc:label="G_HGNC__58__21298"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: AACS</p> + <p>ENSG: ENSG00000081760</p> + <p>HGNC ID: HGNC:21298</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11063" fbc:name="G_HGNC:11063" fbc:label="G_HGNC__58__11063"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC7A5</p> + <p>ENSG: ENSG00000103257</p> + <p>HGNC ID: HGNC:11063</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__6469" fbc:name="G_HGNC:6469" fbc:label="G_HGNC__58__6469"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: KYNU</p> + <p>ENSG: ENSG00000115919</p> + <p>HGNC ID: HGNC:6469</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__6381" fbc:name="G_HGNC:6381" fbc:label="G_HGNC__58__6381"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: KMO</p> + <p>ENSG: ENSG00000117009</p> + <p>HGNC ID: HGNC:6381</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4796" fbc:name="G_HGNC:4796" fbc:label="G_HGNC__58__4796"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: HAAO</p> + <p>ENSG: ENSG00000162882</p> + <p>HGNC ID: HGNC:4796</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__19288" fbc:name="G_HGNC:19288" fbc:label="G_HGNC__58__19288"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ACMSD</p> + <p>ENSG: ENSG00000153086</p> + <p>HGNC ID: HGNC:19288</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__14411" fbc:name="G_HGNC:14411" fbc:label="G_HGNC__58__14411"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC25A21</p> + <p>ENSG: ENSG00000183032</p> + <p>HGNC ID: HGNC:14411</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__18155" fbc:name="G_HGNC:18155" fbc:label="G_HGNC__58__18155"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: TXNRD2</p> + <p>ENSG: ENSG00000184470</p> + <p>HGNC ID: HGNC:18155</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__12437" fbc:name="G_HGNC:12437" fbc:label="G_HGNC__58__12437"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: TXNRD1</p> + <p>ENSG: ENSG00000198431</p> + <p>HGNC ID: HGNC:12437</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__93" fbc:name="G_HGNC:93" fbc:label="G_HGNC__58__93"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: ACAT1</p> + <p>ENSG: ENSG00000075239</p> + <p>HGNC ID: HGNC:93</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4455" fbc:name="G_HGNC:4455" fbc:label="G_HGNC__58__4455"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: GPD1</p> + <p>ENSG: ENSG00000167588</p> + <p>HGNC ID: HGNC:4455</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__25625" fbc:name="G_HGNC:25625" fbc:label="G_HGNC__58__25625"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: OLAH</p> + <p>ENSG: ENSG00000152463</p> + <p>HGNC ID: HGNC:25625</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__10547" fbc:name="G_HGNC:10547" fbc:label="G_HGNC__58__10547"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SC5D</p> + <p>ENSG: ENSG00000109929</p> + <p>HGNC ID: HGNC:10547</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__3133" fbc:name="G_HGNC:3133" fbc:label="G_HGNC__58__3133"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: EBP</p> + <p>ENSG: ENSG00000147155</p> + <p>HGNC ID: HGNC:3133</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__5215" fbc:name="G_HGNC:5215" fbc:label="G_HGNC__58__5215"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: HSD17B7</p> + <p>ENSG: ENSG00000132196</p> + <p>HGNC ID: HGNC:5215</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__13398" fbc:name="G_HGNC:13398" fbc:label="G_HGNC__58__13398"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: NSDHL</p> + <p>ENSG: ENSG00000147383</p> + <p>HGNC ID: HGNC:13398</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__457" fbc:name="G_HGNC:457" fbc:label="G_HGNC__58__457"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: AMD1</p> + <p>ENSG: ENSG00000123505</p> + <p>HGNC ID: HGNC:457</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__5006" fbc:name="G_HGNC:5006" fbc:label="G_HGNC__58__5006"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: HMGCR</p> + <p>ENSG: ENSG00000113161</p> + <p>HGNC ID: HGNC:5006</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7530" fbc:name="G_HGNC:7530" fbc:label="G_HGNC__58__7530"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: MVK</p> + <p>ENSG: ENSG00000110921</p> + <p>HGNC ID: HGNC:7530</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__9141" fbc:name="G_HGNC:9141" fbc:label="G_HGNC__58__9141"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: PMVK</p> + <p>ENSG: ENSG00000163344</p> + <p>HGNC ID: HGNC:9141</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__5387" fbc:name="G_HGNC:5387" fbc:label="G_HGNC__58__5387"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: IDI1</p> + <p>ENSG: ENSG00000067064</p> + <p>HGNC ID: HGNC:5387</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__23487" fbc:name="G_HGNC:23487" fbc:label="G_HGNC__58__23487"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: IDI2</p> + <p>ENSG: ENSG00000148377</p> + <p>HGNC ID: HGNC:23487</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__7529" fbc:name="G_HGNC:7529" fbc:label="G_HGNC__58__7529"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: MVD</p> + <p>ENSG: ENSG00000167508</p> + <p>HGNC ID: HGNC:7529</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4249" fbc:name="G_HGNC:4249" fbc:label="G_HGNC__58__4249"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: GGPS1</p> + <p>ENSG: ENSG00000152904</p> + <p>HGNC ID: HGNC:4249</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11279" fbc:name="G_HGNC:11279" fbc:label="G_HGNC__58__11279"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SQLE</p> + <p>ENSG: ENSG00000104549</p> + <p>HGNC ID: HGNC:11279</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__6708" fbc:name="G_HGNC:6708" fbc:label="G_HGNC__58__6708"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: LSS</p> + <p>ENSG: ENSG00000160285</p> + <p>HGNC ID: HGNC:6708</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__2649" fbc:name="G_HGNC:2649" fbc:label="G_HGNC__58__2649"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: CYP51A1</p> + <p>ENSG: ENSG00000001630</p> + <p>HGNC ID: HGNC:2649</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__6518" fbc:name="G_HGNC:6518" fbc:label="G_HGNC__58__6518"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: LBR</p> + <p>ENSG: ENSG00000143815</p> + <p>HGNC ID: HGNC:6518</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11863" fbc:name="G_HGNC:11863" fbc:label="G_HGNC__58__11863"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: TM7SF2</p> + <p>ENSG: ENSG00000149809</p> + <p>HGNC ID: HGNC:11863</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__1334" fbc:name="G_HGNC:1334" fbc:label="G_HGNC__58__1334"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: FAXDC2</p> + <p>ENSG: ENSG00000170271</p> + <p>HGNC ID: HGNC:1334</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__19340" fbc:name="G_HGNC:19340" fbc:label="G_HGNC__58__19340"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: MAGEA2B</p> + <p>ENSG: ENSG00000183305</p> + <p>HGNC ID: HGNC:19340</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__10545" fbc:name="G_HGNC:10545" fbc:label="G_HGNC__58__10545"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: MSMO1</p> + <p>ENSG: ENSG00000052802</p> + <p>HGNC ID: HGNC:10545</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__3629" fbc:name="G_HGNC:3629" fbc:label="G_HGNC__58__3629"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: FDFT1</p> + <p>ENSG: ENSG00000079459</p> + <p>HGNC ID: HGNC:3629</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4378" fbc:name="G_HGNC:4378" fbc:label="G_HGNC__58__4378"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: GMPS</p> + <p>ENSG: ENSG00000163655</p> + <p>HGNC ID: HGNC:4378</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__6052" fbc:name="G_HGNC:6052" fbc:label="G_HGNC__58__6052"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: IMPDH1</p> + <p>ENSG: ENSG00000106348</p> + <p>HGNC ID: HGNC:6052</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__6053" fbc:name="G_HGNC:6053" fbc:label="G_HGNC__58__6053"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: IMPDH2</p> + <p>ENSG: ENSG00000178035</p> + <p>HGNC ID: HGNC:6053</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__20151" fbc:name="G_HGNC:20151" fbc:label="G_HGNC__58__20151"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC17A8</p> + <p>ENSG: ENSG00000179520</p> + <p>HGNC ID: HGNC:20151</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__16703" fbc:name="G_HGNC:16703" fbc:label="G_HGNC__58__16703"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC17A6</p> + <p>ENSG: ENSG00000091664</p> + <p>HGNC ID: HGNC:16703</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__16704" fbc:name="G_HGNC:16704" fbc:label="G_HGNC__58__16704"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC17A7</p> + <p>ENSG: ENSG00000104888</p> + <p>HGNC ID: HGNC:16704</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4119" fbc:name="G_HGNC:4119" fbc:label="G_HGNC__58__4119"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: GALK2</p> + <p>ENSG: ENSG00000156958</p> + <p>HGNC ID: HGNC:4119</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4118" fbc:name="G_HGNC:4118" fbc:label="G_HGNC__58__4118"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: GALK1</p> + <p>ENSG: ENSG00000108479</p> + <p>HGNC ID: HGNC:4118</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4135" fbc:name="G_HGNC:4135" fbc:label="G_HGNC__58__4135"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: GALT</p> + <p>ENSG: ENSG00000213930</p> + <p>HGNC ID: HGNC:4135</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__8905" fbc:name="G_HGNC:8905" fbc:label="G_HGNC__58__8905"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: PGM1</p> + <p>ENSG: ENSG00000079739</p> + <p>HGNC ID: HGNC:8905</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__8906" fbc:name="G_HGNC:8906" fbc:label="G_HGNC__58__8906"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: PGM2</p> + <p>ENSG: ENSG00000169299</p> + <p>HGNC ID: HGNC:8906</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4116" fbc:name="G_HGNC:4116" fbc:label="G_HGNC__58__4116"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: GALE</p> + <p>ENSG: ENSG00000117308</p> + <p>HGNC ID: HGNC:4116</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11064" fbc:name="G_HGNC:11064" fbc:label="G_HGNC__58__11064"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC7A6</p> + <p>ENSG: ENSG00000103064</p> + <p>HGNC ID: HGNC:11064</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__10942" fbc:name="G_HGNC:10942" fbc:label="G_HGNC__58__10942"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC1A4</p> + <p>ENSG: ENSG00000115902</p> + <p>HGNC ID: HGNC:10942</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11067" fbc:name="G_HGNC:11067" fbc:label="G_HGNC__58__11067"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC7A9</p> + <p>ENSG: ENSG00000021488</p> + <p>HGNC ID: HGNC:11067</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11065" fbc:name="G_HGNC:11065" fbc:label="G_HGNC__58__11065"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC7A7</p> + <p>ENSG: ENSG00000155465</p> + <p>HGNC ID: HGNC:11065</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11026" fbc:name="G_HGNC:11026" fbc:label="G_HGNC__58__11026"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC3A2</p> + <p>ENSG: ENSG00000168003</p> + <p>HGNC ID: HGNC:11026</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__23087" fbc:name="G_HGNC:23087" fbc:label="G_HGNC__58__23087"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC43A2</p> + <p>ENSG: ENSG00000278550</p> + <p>HGNC ID: HGNC:23087</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11058" fbc:name="G_HGNC:11058" fbc:label="G_HGNC__58__11058"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC7A10</p> + <p>ENSG: ENSG00000130876</p> + <p>HGNC ID: HGNC:11058</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__10971" fbc:name="G_HGNC:10971" fbc:label="G_HGNC__58__10971"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC22A7</p> + <p>ENSG: ENSG00000137204</p> + <p>HGNC ID: HGNC:10971</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11066" fbc:name="G_HGNC:11066" fbc:label="G_HGNC__58__11066"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC7A8</p> + <p>ENSG: ENSG00000092068</p> + <p>HGNC ID: HGNC:11066</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11054" fbc:name="G_HGNC:11054" fbc:label="G_HGNC__58__11054"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC6A7</p> + <p>ENSG: ENSG00000011083</p> + <p>HGNC ID: HGNC:11054</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__30927" fbc:name="G_HGNC:30927" fbc:label="G_HGNC__58__30927"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC6A20</p> + <p>ENSG: ENSG00000163817</p> + <p>HGNC ID: HGNC:30927</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11025" fbc:name="G_HGNC:11025" fbc:label="G_HGNC__58__11025"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC3A1</p> + <p>ENSG: ENSG00000138079</p> + <p>HGNC ID: HGNC:11025</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11059" fbc:name="G_HGNC:11059" fbc:label="G_HGNC__58__11059"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC7A11</p> + <p>ENSG: ENSG00000151012</p> + <p>HGNC ID: HGNC:11059</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__8582" fbc:name="G_HGNC:8582" fbc:label="G_HGNC__58__8582"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: PAH</p> + <p>ENSG: ENSG00000171759</p> + <p>HGNC ID: HGNC:8582</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__10963" fbc:name="G_HGNC:10963" fbc:label="G_HGNC__58__10963"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: SLC22A1</p> + <p>ENSG: ENSG00000175003</p> + <p>HGNC ID: HGNC:10963</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__5028" fbc:name="G_HGNC:5028" fbc:label="G_HGNC__58__5028"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: HNMT</p> + <p>ENSG: ENSG00000150540</p> + <p>HGNC ID: HGNC:5028</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__2859" fbc:name="G_HGNC:2859" fbc:label="G_HGNC__58__2859"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: DHCR24</p> + <p>ENSG: ENSG00000116133</p> + <p>HGNC ID: HGNC:2859</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4093" fbc:name="G_HGNC:4093" fbc:label="G_HGNC__58__4093"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: GAD2</p> + <p>ENSG: ENSG00000136750</p> + <p>HGNC ID: HGNC:4093</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4799" fbc:name="G_HGNC:4799" fbc:label="G_HGNC__58__4799"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: HADH</p> + <p>ENSG: ENSG00000138796</p> + <p>HGNC ID: HGNC:4799</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__4800" fbc:name="G_HGNC:4800" fbc:label="G_HGNC__58__4800"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: HSD17B10</p> + <p>ENSG: ENSG00000072506</p> + <p>HGNC ID: HGNC:4800</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__20910" fbc:name="G_HGNC:20910" fbc:label="G_HGNC__58__20910"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: AFMID</p> + <p>ENSG: ENSG00000183077</p> + <p>HGNC ID: HGNC:20910</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__27269" fbc:name="G_HGNC:27269" fbc:label="G_HGNC__58__27269"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: IDO2</p> + <p>ENSG: ENSG00000188676</p> + <p>HGNC ID: HGNC:27269</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__6059" fbc:name="G_HGNC:6059" fbc:label="G_HGNC__58__6059"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: IDO1</p> + <p>ENSG: ENSG00000131203</p> + <p>HGNC ID: HGNC:6059</p> + </html> + </notes> + </fbc:geneProduct> + <fbc:geneProduct fbc:id="G_HGNC__58__11708" fbc:name="G_HGNC:11708" fbc:label="G_HGNC__58__11708"> + <notes> + <html xmlns="http://www.w3.org/1999/xhtml"> + <p>HGNC symbol: TDO2</p> + <p>ENSG: ENSG00000151790</p> + <p>HGNC ID: HGNC:11708</p> + </html> + </notes> + </fbc:geneProduct> + </fbc:listOfGeneProducts> + </model> +</sbml>
Binary file cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/local/pickle files/ENGRO2_genes.p has changed
Binary file cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/local/pickle files/ENGRO2_genes.pickle has changed
Binary file cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/local/pickle files/ENGRO2_rules.p has changed
Binary file cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/local/pickle files/HMRcore_genes.p has changed
Binary file cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/local/pickle files/HMRcore_genes.pickle has changed
Binary file cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/local/pickle files/HMRcore_rules.p has changed
Binary file cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/local/pickle files/RECON_genes.pickle has changed
Binary file cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/local/pickle files/Recon_genes.p has changed
Binary file cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/local/pickle files/Recon_rules.p has changed
Binary file cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/local/pickle files/black_list.pickle has changed
Binary file cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/local/pickle files/reactions.pickle has changed
Binary file cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/local/pickle files/synonyms.pickle has changed
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/local/readme.txt Sun Oct 13 11:38:28 2024 +0000 @@ -0,0 +1,9 @@ +I file sono codificati con Pickle in esadecimale, contengono rispettivamente i geni e le regole salvati in dizionari. + +Geni: +{keys = possibili codifiche dei geni : value = { keys = nome dei geni nella codifica corrispondente : 'ok' } } + +Regole: +{keys = possibili codifiche dei geni : value = { keys = nome della reazione/metabolita : [ lista di stringhe contenente la regola nella codifica corrispondente alla keys ] } } + +README DA RIVEDERE \ No newline at end of file
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/local/svg metabolic maps/ENGRO2_map.svg Sun Oct 13 11:38:28 2024 +0000 @@ -0,0 +1,20105 @@ +<?xml version="1.0" encoding="UTF-8" standalone="no"?> +<svg + width="2632" + height="2412" + viewBox="0 0 2632 2412" + fill="none" + version="1.1" + id="svg1344" + sodipodi:docname="ENGRO2_map_bozza.svg" + inkscape:version="1.3.2 (091e20ef0f, 2023-11-25)" + xmlns:inkscape="http://www.inkscape.org/namespaces/inkscape" + xmlns:sodipodi="http://sodipodi.sourceforge.net/DTD/sodipodi-0.dtd" + xmlns="http://www.w3.org/2000/svg" + xmlns:svg="http://www.w3.org/2000/svg"> + <defs + id="defs1344"> + <inkscape:path-effect + effect="bspline" + id="path-effect1" + is_visible="true" + lpeversion="1.3" + weight="33.333333" + steps="2" + helper_size="0" + apply_no_weight="true" + apply_with_weight="true" + only_selected="false" + uniform="false" /> + </defs> + <sodipodi:namedview + id="namedview1344" + pagecolor="#ffffff" + bordercolor="#000000" + borderopacity="0.25" + inkscape:showpageshadow="2" + inkscape:pageopacity="0.0" + inkscape:pagecheckerboard="0" + inkscape:deskcolor="#d1d1d1" + inkscape:zoom="0.13412349" + inkscape:cx="-782.86061" + inkscape:cy="1677.5584" + inkscape:window-width="1452" + inkscape:window-height="991" + inkscape:window-x="26" + inkscape:window-y="23" + inkscape:window-maximized="0" + inkscape:current-layer="svg1344" /> + <rect + width="2632" + height="2412" + fill="#f5f5f5" + id="rect1" + x="83.157097" + y="10.936166" /> + <g + id="Group 87-3" + transform="translate(860.81592,168.62488)"> + <text + id="text6997-5-9" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + x="-153.74815" + y="-39.130497" + transform="translate(-860.81592,-168.62488)"><tspan + x="1252.522" + y="861.02948" + id="tspan1126-7">AC</tspan></text> + <text + id="text6997-5-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + x="-89.197617" + y="-20.444986" + transform="translate(-860.81592,-168.62488)"><tspan + x="1317.0724" + y="879.71497" + id="tspan1126-5">ATP</tspan></text> + <text + id="text6997-5_2-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + x="-134.82661" + y="4.1829429" + transform="translate(-860.81592,-168.62488)"><tspan + x="1270.4933" + y="879.3429" + id="tspan1127-3">CoA</tspan></text> + <path + id="path1-9-4" + style="clip-rule:evenodd;fill:#000000;fill-rule:evenodd" + d="M 1415.5488 838.47461 L 1418.2285 842.94141 L 1413.8984 848.99609 L 1429.6387 842.87695 L 1415.5488 838.47461 z M 1480.25 839.76562 L 1482.9297 844.23242 L 1478.5996 850.28711 L 1494.3398 844.16797 L 1480.25 839.76562 z M 1420.6895 842.51953 L 1422.5996 843.11719 L 1420.3398 843.99805 L 1421.0098 843.05273 L 1420.6895 842.51953 z M 1485.3906 843.81055 L 1487.3008 844.4082 L 1485.041 845.28906 L 1485.7109 844.34375 L 1485.3906 843.81055 z M 1487.0293 874.1875 L 1492.7383 890.08008 L 1497.8828 874.19531 L 1492.9707 878.67383 L 1487.0293 874.1875 z M 1491.8594 880.75391 L 1492.7852 881.44922 L 1493.3262 881.14258 L 1492.6797 883.03711 L 1491.8594 880.75391 z " + transform="translate(-860.81592,-168.62488)" /> + <path + id="path1-8" + style="stroke:#000000;stroke-width:2.37609" + transform="translate(-860.81592,-168.62488)" + d="m 1454.4364,855.13069 c 0.3662,-13.86218 28.229,-10.21126 28.229,-10.21126 m -81.8209,12.4836 c -1.4152,-19.40601 14.9383,-12.3979 16.0554,-14.73999 m -145.2667,13.58249 187.5951,1.18738 24.4791,-0.23684 c 11.5406,-0.11549 9.1922,21.1558 9.1922,21.1558 M 1358.7608,857.0927 c -33.6147,1.60593 -31.9892,10.79254 -31.9892,10.79254 m -16.8753,-11.23828 c -23.5105,-0.38608 -28.7325,10.9471 -28.7325,10.9471" /> + </g> + <g + id="ENGRO2_2" + transform="translate(45.207008,47.718875)"> + <g + id="Legend"> + <text + id="text39" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="32px" + font-weight="bold" + letter-spacing="0em"><tspan + x="98.234398" + y="2289.5901" + id="tspan1">Legend:</tspan></text> + <g + id="Legend body"> + <text + id="text35" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="24px" + font-weight="bold" + letter-spacing="0em"><tspan + x="220.246" + y="2350.3201" + id="tspan2">= Up regulated</tspan></text> + <text + id="text37" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="24px" + font-weight="bold" + letter-spacing="0em"><tspan + x="220.07001" + y="2405.3201" + id="tspan3">= Down regulated</tspan></text> + <path + id="path6613-3" + d="M 98,2397 H 210" + stroke="#0000ff" + stroke-width="30" /> + <path + id="path6613-8-6" + d="M 98,2342 H 210" + stroke="#e41a1c" + stroke-width="30" /> + <path + id="path6613-8-1-0" + d="M 485,2397 H 597" + stroke="#bebebe" + stroke-width="30" /> + <g + id="path6613-8-4-9"> + <path + d="m 1040,2342 h 112 z" + fill="#000000" + id="path3" /> + <path + d="m 1040,2342 h 112" + stroke="#000000" + stroke-width="30" + id="path4" /> + </g> + <path + id="path6613-8-2-6" + d="M 485,2342 H 597" + stroke="#bebebe" + stroke-width="30" + stroke-dasharray="30, 30" /> + <text + id="text46" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="24px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1167.0601" + y="2350.3201" + id="tspan4">= Not classified</tspan></text> + <text + id="text48" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="24px" + font-weight="bold" + letter-spacing="0em"><tspan + x="609.25" + y="2350.3201" + id="tspan5">= Not significant</tspan></text> + <text + id="text50" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="24px" + font-weight="bold" + letter-spacing="0em"><tspan + x="609.15997" + y="2405.3201" + id="tspan6">= Fold change under threshold</tspan></text> + <text + id="text52" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="24px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1038.4301" + y="2405.3201" + id="tspan7">Thickness is proportional to fold change</tspan></text> + </g> + </g> + <g + id="g1352" + inkscape:label="t_Lcystin_ala__L"> + <path + id="F_t_Lcystin_ala__L" + d="m 114.238,1628.46 c 9.762,-2.77 9.762,-2.77 9.762,-2.77 l -9.705,-2.98 2.405,2.9 z M 64,1609.89 C 61.7839,1603 61.7839,1603 61.7839,1603 l -2.3248,6.86 2.2839,-1.7 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.66667" + inkscape:label="F_t_Lcystin_ala__L" /> + <path + d="m 89.9756,1624.44 c 7.5256,-1.84 5.9247,-17.09 5.9247,-17.09 M 50,1625.35 h 73 m -61.1223,-17.82 c -3.2122,10.78 6.0878,17.13 6.0878,17.13" + stroke="#000000" + stroke-width="1.48938" + id="R_t_Lcystin_ala__L" + inkscape:label="R_t_Lcystin_ala__L" /> + <text + id="text1162-7-8" + transform="translate(0,1616)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.09375" + y="14.5469" + id="tspan12">CySS</tspan></text> + <text + id="text1168-0-1" + transform="translate(128,1616)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.09375" + y="14.5469" + id="tspan13">CySS</tspan></text> + <text + id="text1158-3-3" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="87.322304" + y="1600.16" + id="tspan15">Ala</tspan></text> + <text + id="text1154-6-9" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="49.3223" + y="1595.16" + id="tspan14">Ala</tspan></text> + </g> + <g + id="g1348" + inkscape:label="t_Lcystin_ser__L"> + <path + id="F_t_Lcystin_ser__L" + d="m 114.238,1502.37 c 9.762,-2.78 9.762,-2.78 9.762,-2.78 l -9.705,-2.97 2.405,2.9 z m -49.9751,-18.98 c -2.2161,-6.89 -2.2161,-6.89 -2.2161,-6.89 l -2.3248,6.86 2.2839,-1.7 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.66667" + inkscape:label="F_t_Lcystin_ser__L" /> + <text + id="text1303" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="46.3563" + y="1467.33" + id="tspan16">Ser</tspan></text> + <text + id="text1307" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="85.3564" + y="1476.33" + id="tspan17">Ser</tspan></text> + <text + id="text1311" + transform="translate(0,1489)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.09375" + y="14.5469" + id="tspan18">CySS</tspan></text> + <text + id="text1315" + transform="translate(128,1489)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.09375" + y="14.5469" + id="tspan19">CySS</tspan></text> + <path + d="m 90.1839,1498.09 c 7.4887,-1.84 5.8956,-17.09 5.8956,-17.09 m -51.0327,18 h 78.0002 m -60.8234,-17.82 c -3.1964,10.78 6.0577,17.13 6.0577,17.13" + stroke="#000000" + stroke-width="1.48938" + id="R_t_Lcystin_ser__L" + inkscape:label="R_t_Lcystin_ser__L" /> + </g> + <g + id="Group 141" + inkscape:label="t_Lcystin_leu__L"> + <path + id="F_t_Lcystin_leu__L" + d="m 112.236,1566.59 c 9.762,-2.78 9.762,-2.78 9.762,-2.78 l -9.705,-2.97 2.405,2.9 z m -49.1881,-18.57 c -2.2162,-6.89 -2.2162,-6.89 -2.2162,-6.89 l -2.325,6.86 2.2841,-1.71 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.66667" /> + <path + d="m 88.3713,1562.09 c 7.4462,-1.84 5.8622,-17.09 5.8622,-17.09 m -48.1857,18 h 75.0002 m -60.4788,-17.82 c -3.1784,10.78 6.0234,17.13 6.0234,17.13" + stroke="#000000" + stroke-width="1.48938" + id="R_t_Lcystin_leu__L" + inkscape:label="R_t_Lcystin_leu__L" /> + <text + id="text1162-7" + transform="translate(0,1553)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.09375" + y="14.5469" + id="tspan8">CySS</tspan></text> + <text + id="text1168-0" + transform="translate(128,1553)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.09375" + y="14.5469" + id="tspan9">CySS</tspan></text> + <text + id="text1154-6" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="47.480499" + y="1534.16" + id="tspan10">Leu</tspan></text> + <text + id="text1158-3" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="85.480499" + y="1538.16" + id="tspan11">Leu</tspan></text> + </g> + <g + id="Group 142" + inkscape:label="t_Lcystin_glu__L"> + <path + d="m 89.3724,1435.09 c 7.446,-1.84 5.862,-17.09 5.862,-17.09 m -48.1865,18 h 75.0001 m -60.4764,-17.82 c -3.1782,10.78 6.0231,17.13 6.0231,17.13" + stroke="#000000" + stroke-width="1.48938" + id="R_t_Lcystin_glu__L" + inkscape:label="R_t_Lcystin_glu__L" /> + <text + id="text1162" + transform="translate(0.0339355,1427.03)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.09375" + y="14.5469" + id="tspan20">CySS</tspan></text> + <text + id="text1168" + transform="translate(128,1427)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.09375" + y="14.5469" + id="tspan21">CySS</tspan></text> + <text + id="text1154" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="50.350498" + y="1407.33" + id="tspan22">Glu</tspan></text> + <path + id="F_t_Lcystin_glu__L" + d="m 113.239,1439.37 c 9.762,-2.78 9.762,-2.78 9.762,-2.78 l -9.705,-2.97 2.405,2.9 z M 63.8049,1420.8 c -2.2161,-6.89 -2.2162,-6.89 -2.2162,-6.89 l -2.3247,6.86 2.2839,-1.71 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.66667" + inkscape:label="F_t_Lcystin_glu__L" /> + <text + id="text1158" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="85.350502" + y="1411.33" + id="tspan23">Glu</tspan></text> + </g> + <g + id="R_r1050"> + <text + id="text4049-3" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="134.408" + y="1359.55" + id="tspan25">Chol</tspan></text> + <path + d="m 55.7713,1354.03 60.3157,0.35" + stroke="#000000" + stroke-width="2.25913" + id="path27" /> + <path + id="B_r1050" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 58.1973,1351 -9.7615,2.89 9.7292,3 -2.4203,-2.96 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.32759" /> + <path + id="F_r1050" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 114.436,1357.89 9.761,-2.89 -9.729,-3 2.42,2.96 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.32759" /> + </g> + <g + id="R_r1050-3" + transform="translate(30.587279,14.0437)" + inkscape:label="R_HDCAt"> + <text + id="text4049" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + transform="translate(-30.587279,-14.0437)"><tspan + x="132.564" + y="1330.55" + id="tspan24">Palm</tspan></text> + <path + d="m 56.8819,1328 60.3151,0.35" + stroke="#000000" + stroke-width="2.25913" + id="R_HDCAt" + inkscape:label="R_HDCAt" + transform="translate(-30.587279,-14.0437)" /> + <path + id="F_HDCAt" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 116.436,1330.89 9.761,-2.89 -9.729,-3 2.42,2.96 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.32759" + transform="translate(-30.587279,-14.0437)" /> + <path + id="B_HDCAt" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 57.7617,1324.93 -9.7617,2.89 9.7292,3 -2.4203,-2.96 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.32759" + transform="translate(-30.587279,-14.0437)" /> + </g> + <g + id="Group 143"> + <path + id="F_asn_L_t" + d="m 2614.03,404.81 c 9.67,-3.08 9.67,-3.08 9.67,-3.08 l -9.79,-2.671 2.49,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <text + id="text11603" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2506.6599" + y="375.793" + id="tspan27">Ala</tspan></text> + <path + d="m 2546.28,370.569 h 69" + stroke="#000000" + stroke-width="2.26395" + id="path29" + inkscape:label="R_ala_L_t" /> + <text + id="text11603-3-9-0-9-5-5" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2502" + y="434.13599" + id="tspan28">Asp</tspan></text> + <path + d="m 2544.28,431.569 h 74" + stroke="#000000" + stroke-width="2.2238" + id="path31" + inkscape:label="R_asp_L_t" /> + <path + id="B_ala_L_t" + d="m 2613.24,373.182 c 9.67,-3.081 9.67,-3.081 9.67,-3.081 l -9.79,-2.67 2.49,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <text + id="text11603-3-8" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2501.8301" + y="347.51401" + id="tspan31">Arg</tspan></text> + <path + d="m 2546.28,342 h 78" + stroke="#000000" + stroke-width="2.52196" + id="path33" + inkscape:label="R_arg_L_t" /> + <path + id="B_arg_L_t" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 2544.78,342.258 2.41,-2.964 -9.65,2.964 9.65,2.963 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.32327" /> + <path + d="m 2618.28,547.569 h -75" + stroke="#000000" + stroke-width="2.25149" + id="path35" + inkscape:label="R_glu_L_t" /> + <path + d="m 2621.56,574.569 h -79.78" + stroke="#000000" + stroke-width="2.27461" + id="path37" + inkscape:label="R_ser_L_t" /> + <text + id="text5553" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2501.01" + y="551.86401" + id="tspan33">Glu</tspan></text> + <text + id="text2553" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2500.8799" + y="577.091" + id="tspan37">Ser</tspan></text> + <path + d="m 2616.38,483.569 h -72.1" + stroke="#000000" + stroke-width="2.2555" + id="path39" + inkscape:label="R_gly_t" /> + <text + id="text2557" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2500.9399" + y="488.05899" + id="tspan38">Gly</tspan></text> + <path + d="m 2545.28,402.569 h 70" + stroke="#000000" + stroke-width="2.2238" + id="path41" + inkscape:label="R_asn_L_t" /> + <path + d="m 2621.73,625.569 h -80.95" + stroke="#000000" + stroke-width="2.27461" + id="path43" + inkscape:label="R_tyr_L_t" /> + <text + id="text11603-3-9-0-9-5-5-8" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2502" + y="406.94601" + id="tspan39">Asn</tspan></text> + <path + d="m 2617.78,457.569 h -73.5" + stroke="#000000" + stroke-width="2.27461" + id="path45" + inkscape:label="R_cys_L_t" /> + <text + id="text2553-3" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2501.5901" + y="629.24597" + id="tspan43">Tyr</tspan></text> + <path + d="m 2621.14,601.569 h -81.36" + stroke="#000000" + stroke-width="2.27461" + id="path47" + inkscape:label="R_pro_L_t" /> + <text + id="text2553-6" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2501.1599" + y="460.20999" + id="tspan45">Cys</tspan></text> + <path + d="m 2618.7,516.569 h -75.92" + stroke="#000000" + stroke-width="2.27374" + id="path49" + inkscape:label="R_gln_L_t" /> + <text + id="text2553-6-6" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2500.1599" + y="605.896" + id="tspan47">Pro</tspan></text> + <text + id="M_Glc-8-2" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2501.01" + y="522.68799" + id="tspan49">Gln</tspan></text> + <path + id="B_his_L_t" + d="m 2551.75,86.6151 c -9.67,-3.0805 -9.67,-3.0805 -9.67,-3.0805 l 9.79,-2.6708 -2.49,2.8244 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_his_L_t" + d="m 2629.28,84 h -81" + stroke="#000000" + stroke-width="1.70449" /> + <text + id="text7967-0-3-6-2-2-5-3-1-0-6-5" + transform="rotate(0.11511,-35081.576,1248408.1)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.0390625" + y="14.5469" + id="tspan50">His</tspan></text> + <path + id="B_leu_L_t" + d="m 2551.75,142.148 c -9.67,-3.08 -9.67,-3.08 -9.67,-3.08 l 9.79,-2.671 -2.49,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_leu_L_t" + d="m 2629.28,139 h -78" + stroke="#000000" + stroke-width="1.61692" /> + <text + id="text4895" + transform="rotate(0.11511,-62724.71,1246743.6)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.265625" + y="14.5469" + id="tspan51">Leu</tspan></text> + <path + id="B_ile_L_t" + d="m 2551.75,115.415 c -9.67,-3.08 -9.67,-3.08 -9.67,-3.08 l 9.79,-2.671 -2.49,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_ile_L_t" + d="m 2629.28,112 h -81" + stroke="#000000" + stroke-width="1.69719" /> + <text + id="text4909" + transform="rotate(0.11511,-49413.516,1251608.1)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.09375" + y="14.5469" + id="tspan52">Ile</tspan></text> + <path + id="B_lys_L_t" + d="m 2551.75,170.682 c -9.67,-3.081 -9.67,-3.081 -9.67,-3.081 l 9.79,-2.67 -2.49,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_lys_L_t" + d="m 2629.28,168 h -81" + stroke="#000000" + stroke-width="1.68779" /> + <text + id="text4923" + transform="rotate(0.11511,-76927.379,1246827.5)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0" + y="14.5469" + id="tspan53">Lys</tspan></text> + <text + id="text6121" + transform="rotate(0.11511,-91209.967,1247623.3)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.21875" + y="14.5469" + id="tspan54">Met</tspan></text> + <path + id="B_met_L_t" + d="m 2551.75,199.377 c -9.67,-3.08 -9.67,-3.08 -9.67,-3.08 l 9.79,-2.671 -2.49,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_met_L_t" + d="m 2630.28,196 h -82" + stroke="#000000" + stroke-width="1.68992" /> + <text + id="text6328" + transform="rotate(0.11511,-106542.97,1245279.4)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.32031199" + y="14.5469" + id="tspan55">Phe</tspan></text> + <path + id="B_phe_L_t" + d="m 2551.75,229.544 c -9.67,-3.08 -9.67,-3.08 -9.67,-3.08 l 9.79,-2.671 -2.49,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_phe_L_t" + d="m 2630.28,226 h -80" + stroke="#000000" + stroke-width="1.62167" /> + <text + id="text6348" + transform="rotate(0.11511,-121738.71,1247783.4)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.101562" + y="14.5469" + id="tspan56">Thr</tspan></text> + <path + id="B_thr_L_t" + d="m 2549.75,259.92 c -9.67,-3.08 -9.67,-3.08 -9.67,-3.08 l 9.79,-2.671 -2.49,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_thr_L_t" + d="m 2629.28,257 h -81" + stroke="#000000" + stroke-width="1.62534" /> + <text + id="text6477" + transform="rotate(0.11511,-135940.45,1248295.4)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.046875" + y="14.5469" + id="tspan57">Trp</tspan></text> + <path + id="B_trp_L_t" + d="m 2549.75,289.244 c -9.67,-3.081 -9.67,-3.081 -9.67,-3.081 l 9.79,-2.67 -2.49,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_trp_L_t" + d="m 2626.28,286 h -78" + stroke="#000000" + stroke-width="1.70505" /> + <path + id="B_val_L_t" + d="m 2549.75,317.644 c -9.67,-3.081 -9.67,-3.081 -9.67,-3.081 l 9.79,-2.67 -2.49,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <text + id="text6682" + transform="rotate(0.11511,-150258.53,1248444.2)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.42968801" + y="14.5469" + id="tspan58">Val</tspan></text> + <path + id="R_val_L_t" + d="m 2625.28,314 h -77" + stroke="#000000" + stroke-width="1.67611" /> + <path + id="F_asp_L_t" + d="m 2615.61,434.067 c 9.67,-3.081 9.67,-3.081 9.67,-3.081 l -9.79,-2.671 2.49,2.825 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="F_cys_L_t" + d="m 2615.61,460.16 c 9.67,-3.081 9.67,-3.081 9.67,-3.081 l -9.79,-2.671 2.49,2.825 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="F_gln_L_t" + d="m 2616.79,519.463 c 9.68,-3.081 9.68,-3.081 9.68,-3.081 l -9.8,-2.671 2.5,2.825 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="F_gly_t" + d="m 2616,486.253 c 9.68,-3.08 9.68,-3.08 9.68,-3.08 l -9.8,-2.671 2.5,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="F_glu_L_t" + d="m 2616.79,550.3 c 9.68,-3.08 9.68,-3.08 9.68,-3.08 l -9.8,-2.671 2.5,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="F_ser_L_t" + d="m 2618.38,577.184 c 9.67,-3.08 9.67,-3.08 9.67,-3.08 l -9.79,-2.671 2.49,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="F_pro_L_t" + d="m 2619.56,604.068 c 9.67,-3.08 9.67,-3.08 9.67,-3.08 l -9.79,-2.671 2.5,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="F_tyr_L_t" + d="m 2619.56,628.58 c 9.67,-3.08 9.67,-3.08 9.67,-3.08 l -9.79,-2.671 2.5,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="B_asn_L_t" + d="m 2547.63,405.205 c -9.67,-3.08 -9.67,-3.08 -9.67,-3.08 l 9.8,-2.671 -2.5,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="F_ala_L_t" + d="m 2548.42,373.578 c -9.67,-3.081 -9.67,-3.081 -9.67,-3.081 l 9.8,-2.671 -2.5,2.825 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="B_asp_L_t" + d="m 2546.05,434.462 c -9.67,-3.081 -9.67,-3.081 -9.67,-3.081 l 9.79,-2.671 -2.49,2.825 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="B_cys_L_t" + d="m 2546.05,460.555 c -9.67,-3.08 -9.67,-3.08 -9.67,-3.08 l 9.79,-2.671 -2.49,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="B_gln_L_t" + d="m 2544.87,519.858 c -9.67,-3.081 -9.67,-3.081 -9.67,-3.081 l 9.79,-2.671 -2.5,2.825 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="B_gly_t" + d="m 2545.66,486.648 c -9.67,-3.08 -9.67,-3.08 -9.67,-3.08 l 9.79,-2.671 -2.5,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="B_glu_L_t" + d="m 2544.87,550.696 c -9.67,-3.081 -9.67,-3.081 -9.67,-3.081 l 9.79,-2.671 -2.5,2.825 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="B_ser_L_t" + d="m 2543.29,577.579 c -9.68,-3.08 -9.68,-3.08 -9.68,-3.08 l 9.8,-2.671 -2.5,2.825 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="B_pro_L_t" + d="m 2542.1,604.464 c -9.67,-3.081 -9.67,-3.081 -9.67,-3.081 l 9.79,-2.671 -2.49,2.825 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="B_tyr_L_t" + d="m 2542.1,628.975 c -9.67,-3.08 -9.67,-3.08 -9.67,-3.08 l 9.79,-2.671 -2.49,2.825 z" + stroke="#000000" + stroke-width="2.66667" /> + <g + id="Group 174"> + <g + id="R_THBPTt"> + <path + fill-rule="evenodd" + clip-rule="evenodd" + d="m 2622.27,655.87 h -80.95 z" + fill="#2b0000" + id="path58" /> + <path + d="m 2622.27,655.87 h -80.95" + stroke="#000000" + stroke-width="2.27461" + id="path59" /> + </g> + <text + id="text2553-3_2" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2494.48" + y="659.547" + id="tspan59">BH4</tspan></text> + <path + id="F_THBPTt" + d="m 2542.64,659.276 c -9.67,-3.08 -9.67,-3.08 -9.67,-3.08 l 9.8,-2.671 -2.5,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="Group 175"> + <text + id="text2553-3_3" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2494.48" + y="688.547" + id="tspan61">BH2</tspan></text> + <path + d="m 2532.5,682.87 h 86.45" + stroke="#000000" + stroke-width="2.27461" + id="path61" + inkscape:label="R_CE2705t" /> + <path + id="F_CE2705t" + d="m 2617.63,686.276 c 9.67,-3.08 9.67,-3.08 9.67,-3.08 l -9.79,-2.671 2.49,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + </g> + <g + id="Group 140" + inkscape:label="R_O2t"> + <path + id="B_O2t" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 120.178,1271.97 9.456,-2.96 -9.456,-2.97 2.364,2.97 z" + stroke="#000000" + stroke-width="2.85342" /> + <path + id="R_O2t" + d="m 48,1269.19 h 75.747" + stroke="#000000" + stroke-width="3.1496" /> + <g + id="text6312-1"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text63"><tspan + x="134.47301" + y="1274.55" + id="tspan63">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text64"><tspan + x="146.92599" + y="1274.55" + id="tspan64">₂</tspan></text> + </g> + </g> + <g + id="Rectangle 4"> + <mask + id="path-141-outside-1_498_2" + maskUnits="userSpaceOnUse" + x="75" + y="49" + width="2514" + height="2192" + fill="#000000"> + <rect + fill="#ffffff" + x="75" + y="49" + width="2514" + height="2192" + id="rect61" /> + <path + d="m 81,67 c 0,-6.6274 5.3726,-12 12,-12 h 2478 c 6.63,0 12,5.3726 12,12 v 2156 c 0,6.63 -5.37,12 -12,12 H 93 c -6.6275,0 -12,-5.37 -12,-12 z" + id="path62" /> + </mask> + <path + d="m 81,67 c 0,-6.6274 5.3726,-12 12,-12 h 2478 c 6.63,0 12,5.3726 12,12 v 2156 c 0,6.63 -5.37,12 -12,12 H 93 c -6.6275,0 -12,-5.37 -12,-12 z" + stroke="#000000" + stroke-width="12" + mask="url(#path-141-outside-1_498_2)" + id="path63" /> + </g> + <g + id="Group 136"> + <g + id="Group 140-6" + transform="translate(4.792992,-79.0014)" /> + <path + id="B_EX_pi_e" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 120.431,1303.49 9.456,-2.96 -9.456,-2.97 2.364,2.97 z" + stroke="#000000" + stroke-width="2.85342" /> + <path + id="R_EX_pi_e" + d="M 48.2529,1300.71 H 124" + stroke="#000000" + stroke-width="3.1496" /> + <text + id="text6312-1-5" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="137.438" + y="1306.55" + id="tspan65">Pi</tspan></text> + <path + id="B_H2Ot" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 60.9661,1174.04 -9.6484,2.96 9.6484,2.96 -2.4122,-2.96 z" + stroke="#000000" + stroke-width="2.32327" /> + <path + id="R_H2Ot" + d="M 119.716,1176.82 H 58.4062" + stroke="#000000" + stroke-width="2.28402" /> + <g + id="text5423-5-4-6"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text67"><tspan + x="137.548" + y="1182.55" + id="tspan66">H</tspan><tspan + x="154.742" + y="1182.55" + id="tspan67">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text68"><tspan + x="149.11" + y="1182.55" + id="tspan68">₂</tspan></text> + </g> + <path + id="F_H2Ot" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 118.376,1173.93 9.773,2.75 -9.695,3 2.395,-2.9 z" + stroke="#000000" + stroke-width="2.32759" /> + <g + id="Group 138"> + <path + id="F_PHLACHt" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 58.72,1205.25 -9.6484,2.96 9.6484,2.96 -2.4122,-2.96 z" + stroke="#000000" + stroke-width="2.32327" /> + <path + id="R_PHLACHt" + d="M 125.859,1208.03 H 57.8975" + stroke="#000000" + stroke-width="2.40473" /> + <text + id="text5423-5-4-6-0" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="137.59" + y="1213.55" + id="tspan69">H</tspan></text> + <path + id="B_PHLACHt" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 119.376,1205.15 9.773,2.74 -9.695,3.01 2.395,-2.91 z" + stroke="#000000" + stroke-width="2.32759" /> + </g> + <g + id="Group 139"> + <g + id="text11603-3-8-1"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text70"><tspan + x="135.692" + y="1244.55" + id="tspan70">CO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text71"><tspan + x="159.707" + y="1244.55" + id="tspan71">₂</tspan></text> + </g> + <path + id="R_CO2t" + d="M 120.145,1238.84 H 56.7097" + stroke="#000000" + stroke-width="2.32327" /> + <path + id="B_CO2t" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 121.994,1239.03 -2.412,2.96 9.648,-2.96 -9.648,-2.97 z" + stroke="#000000" + stroke-width="2.32327" /> + <path + id="F_CO2t" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 58.346,1236.08 -9.0307,2.58 9.0307,2.58 -2.2575,-2.58 z" + stroke="#000000" + stroke-width="2.09785" /> + </g> + </g> + <g + id="Group 119"> + <path + id="F_Transport_HC00576_c_e" + d="m 59.8086,1115.69 c -8.4453,-2.95 -8.4453,-2.95 -8.4453,-2.95 l 8.6328,-2.29 -2.2284,2.54 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_Transport_HC00576_c_e" + d="M 131.5,1112.95 H 58.3421" + stroke="#000000" + stroke-width="1.72627" /> + <text + id="text7967-0-3-6-2-7-4-34-4-71-2-2-8-1-2-7-8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="4.1953101" + y="1116.55" + id="tspan72">hcarn</tspan></text> + </g> + <g + id="Group 118"> + <path + id="F_Transport_4abut_c_e" + d="m 61.2493,1080.8 c -8.4453,-2.95 -8.4453,-2.95 -8.4453,-2.95 l 8.6325,-2.29 -2.2284,2.54 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_Transport_4abut_c_e" + d="M 132,1078.06 H 59.7835" + stroke="#000000" + stroke-width="1.72627" /> + <text + id="text7967-0-3-6-2-7-4-34-4-71-2-2-8-1-2-7-8-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="5.1484399" + y="1082.55" + id="tspan73">4abut</tspan></text> + </g> + <g + id="Group 120"> + <path + id="F_ANTHte" + d="m 59.2471,1149.53 c -8.4454,-2.95 -8.4453,-2.95 -8.4453,-2.95 l 8.6328,-2.28 -2.2287,2.53 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_ANTHte" + d="M 132,1146.8 H 57.7816" + stroke="#000000" + stroke-width="1.72627" /> + <text + id="text7967-0-3-6-2-7-4-34-4-71-2-2-8-1-2-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="14.1016" + y="1149.55" + id="tspan74">anth</tspan></text> + </g> + <g + id="creatine"> + <path + id="B_GLYAMDTRc" + d="M 379.344,1814 C 370,1812.09 370,1812.09 370,1812.09 l 9.203,-2.35 -2.248,2.18 z m 12.836,-13.37 c 3.192,-9.63 3.192,-9.63 3.192,-9.63 l 2.558,9.82 -2.796,-2.52 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.23952" /> + <path + d="m 374,1812.9 c 12.949,-3.62 21.246,4.68 21.246,4.68 m -0.283,4.43 c -1.657,7.16 -18.968,6.57 -18.968,6.57 m 18.976,-29.58 0.137,46.36" + stroke="#000000" + stroke-width="2.23952" + id="GLYAMDTRc" + inkscape:label="R_GLYAMDTRc" /> + <path + id="F_GLYAMDTRc" + d="M 378.344,1831.25 C 369,1829.34 369,1829.34 369,1829.34 l 9.203,-2.34 -2.248,2.18 z m 19.7,12.07 c -3.318,9.59 -3.318,9.59 -3.318,9.59 l -2.429,-9.85 2.762,2.56 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text7967-0-3-6-2-7-4-34-0-4-2-9-0-98-5-7-7-4" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="345.492" + y="1833.16" + id="tspan75">Orn</tspan></text> + <text + id="text7967-0-3-6-2-7-4-34-0-4-2-9-0-98-5-7-75-4" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + font-weight="bold" + letter-spacing="0em"><tspan + x="383.15799" + y="1867.16" + id="tspan76">Arg</tspan></text> + <g + id="text7967-0-3-65-1-2-4-9-6-3-3-1-3-8-54-0-8-3-3"> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text78"><tspan + x="355.38199" + y="1894.16" + id="tspan77">H</tspan><tspan + x="368.27802" + y="1894.16" + id="tspan78">O</tspan></text> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text79"><tspan + x="364.05399" + y="1894.16" + id="tspan79">₂</tspan></text> + </g> + <g + id="text7967-0-3-65-1-2-4-9-6-3-3-1-3-8-54-0-2-1-7"> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text80"><tspan + x="333.32401" + y="1901.16" + id="tspan80">NH</tspan></text> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text81"><tspan + x="350.668" + y="1901.16" + id="tspan81">₃</tspan></text> + </g> + <text + id="text7967-0-3-6-2-7-4-34-0-4-2-9-0-9-5-0-8-6" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + font-weight="bold" + letter-spacing="0em"><tspan + x="305.49399" + y="1867.16" + id="tspan82">Ci</tspan></text> + <text + id="text5873" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="348.49399" + y="1815.16" + id="tspan83">Gly</tspan></text> + <g + id="g2" + inkscape:label="GACMTRc"> + <text + id="text5428" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="341.16" + y="1734.85" + id="tspan87">SAH</tspan></text> + <path + id="F_GACMTRc" + d="m 398.353,1716.59 c -3.404,-9.56 -3.404,-9.56 -3.404,-9.56 l -2.34,9.88 2.739,-2.59 z m -19.592,12.24 c -9.327,2 -9.327,2 -9.327,2 l 9.224,2.26 -2.267,-2.16 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.23952" /> + <path + d="m 395.845,1760.82 -0.275,-46.36 m 0.062,23.35 c -1.721,-7.15 -19.026,-6.4 -19.026,-6.4 m -1.855,15.7 c 12.98,3.5 21.204,-4.88 21.204,-4.88" + stroke="#000000" + stroke-width="2.30969" + id="R_GACMTRc" + inkscape:label="R_GACMTRc" /> + <path + id="B_GACMTRc" + d="m 379.969,1745.95 c -9.327,1.99 -9.327,1.99 -9.327,1.99 l 9.224,2.27 -2.268,-2.17 z m 13.455,13.24 c 3.277,9.61 3.277,9.61 3.277,9.61 l 2.47,-9.85 -2.773,2.55 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.23952" + inkscape:label="B_GACMTRc" /> + <text + id="text5420" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="361.461" + y="1699.55" + id="tspan85">Creatine</tspan></text> + <text + id="text5424" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="340.49799" + y="1752.85" + id="tspan86">SAM</tspan></text> + <text + id="text5877" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + font-weight="bold" + letter-spacing="0em"><tspan + x="387.67999" + y="1784.16" + id="tspan84">GA</tspan></text> + </g> + <g + id="Group 137" + inkscape:label="CKc_cho"> + <path + id="F_CKc_cho" + d="m 347.436,1699.13 c 9.563,-3.41 9.563,-3.41 9.563,-3.41 l -9.877,-2.34 2.587,2.74 z m 3.943,-13.53 c -1.994,-9.32 -1.994,-9.32 -1.994,-9.32 l -2.263,9.22 2.162,-2.27 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_CKc_cho" + d="m 314,1696.35 35.572,-0.01 m 0,-12.34 c 0,0 0,12.34 -17.786,12.34 0,0 -17.786,0.01 -17.786,-12.34" + stroke="#000000" + stroke-width="2.30969" /> + <path + id="B_CKc_cho" + d="m 315.837,1693.82 c -9.607,3.27 -9.607,3.27 -9.607,3.27 l 9.845,2.47 -2.551,-2.77 z m 0.238,-8.82 c -1.994,-9.33 -1.994,-9.33 -1.994,-9.33 l -2.262,9.23 2.161,-2.27 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <text + id="text5438" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="231.125" + y="1699.55" + id="tspan88">CreatineP</tspan></text> + <text + id="text5442" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="338.27301" + y="1673.16" + id="tspan89">ATP</tspan></text> + <text + id="text5446" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="302.16" + y="1673.16" + id="tspan90">ADP</tspan></text> + <path + id="R_CRTNsyn_cho" + d="m 228,1681 c 0,14.5 -20.25,14.5 -20.25,14.5 -20.25,0 -20.25,-14.5 -20.25,-14.5 m 40.5,14.5 h -40.5" + stroke="#000000" + stroke-width="2.30969" /> + <path + id="F_CRTNsyn_cho" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 185.672,1682.86 c 1.828,-9.36 1.828,-9.36 1.828,-9.36 l 2.426,9.18 -2.201,-2.23 z m 3.178,15.33 c -9.621,-3.23 -9.621,-3.23 -9.621,-3.23 l 9.833,-2.52 -2.538,2.78 z" + stroke="#000000" + stroke-width="2.30969" /> + <text + id="text5458" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="96.343597" + y="1699.55" + id="tspan91">Creatinine</tspan></text> + <g + id="text5464"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text92"><tspan + x="224.062" + y="1679.16" + id="tspan92">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text93"><tspan + x="232.733" + y="1679.16" + id="tspan93">⁺</tspan></text> + </g> + <text + id="text5468" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="181.162" + y="1670.16" + id="tspan94">Pi</tspan></text> + <path + id="F_ARGDr" + d="m 332.592,1860 c -9.592,3.32 -9.592,3.32 -9.592,3.32 l 9.855,2.43 -2.562,-2.77 z m 12.066,19.7 c 1.911,9.34 1.911,9.34 1.911,9.34 l 2.345,-9.2 -2.182,2.25 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.23952" /> + <path + d="m 345.896,1884.25 c -3.613,-12.95 4.687,-21.25 4.687,-21.25 m 4.425,0.28 c 7.164,1.66 6.571,18.97 6.571,18.97 M 332,1863.27 l 46.363,-0.13" + stroke="#000000" + stroke-width="2.30969" + id="R_ARGDr" + inkscape:label="R_ARGDr" /> + <path + id="R_CRTNtr" + d="M 55.9997,1694.23 H 93.9998" + stroke="#000000" + stroke-width="2.49462" /> + <path + id="F_CRTNtr" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 55.2892,1693.93 3.0311,2.98 -12.296,-3.06 12.4107,-2.85 z" + stroke="#000000" + stroke-width="2.62587" /> + <path + id="R_GUDACtr2" + d="M 57,1780.5 H 381.5" + stroke="#000000" + stroke-width="2.53856" /> + <path + id="F_GUDACtr2" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 58.2887,1780.93 3.0231,2.98 -12.2874,-3.05 12.4178,-2.86 z" + stroke="#000000" + stroke-width="2.62587" /> + </g> + <g + id="Group 129"> + <g + id="g1" + inkscape:label="5mthfT"> + <path + id="F_5MTHFt" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 46.5951,2168.93 3.1302,2.98 -12.7009,-3.05 12.8212,-2.86 z" + stroke="#000000" + stroke-width="2.66885" /> + <path + id="R_5MTHFt" + d="M 42,2168.67 H 93.0001" + stroke="#000000" + stroke-width="2.56051" /> + </g> + <g + id="DHFR" + inkscape:label="DHFR"> + <text + id="text7967-0-3-6-2-7-4-34-0-5-2" + transform="translate(269,1954)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.160156" + y="11.1602" + id="tspan95">DHF</tspan></text> + <path + id="B_DHFR" + d="m 315.351,1950.95 c -2.174,-5 -2.174,-5 -2.174,-5 l -2.24,5.64 2.24,-2.19 z m -7.895,5.64 c -8.437,2.97 -8.437,2.97 -8.437,2.97 l 8.639,2.27 -2.235,-2.53 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.23952" /> + <path + d="m 393.851,1959.62 c 0,0 -15.666,0 -22.5,0 m -65.851,0 c 0,0 12.339,0 19,0 m 46.851,0 c 17.5,0 17.5,-9.67 17.5,-9.67 m -17.5,9.67 c -4.741,0 5.426,0 0,0 z m 0,0 c -15.5,0 -15.5,-9.67 -15.5,-9.67 m 15.5,9.67 c -10.071,0 -39.315,0 -46.851,0 m 0,0 c -11.09,0 -11.09,-9.67 -11.09,-9.67" + stroke="#000000" + stroke-width="2.23952" + id="R_DHFR" + inkscape:label="R_DHFR" /> + <path + id="F_DHFR" + d="m 390.77,1951.41 c -1.667,-9.39 -1.667,-9.39 -1.667,-9.39 l -2.583,9.14 2.24,-2.19 z m 1.119,11.45 c 9.807,-2.62 9.807,-2.62 9.807,-2.62 l -9.655,-3.13 2.357,2.94 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.23952" /> + <g + id="text7967-0-3-65-5-3-5-8-9-7-6-6-6"> + <text + transform="translate(374,1928)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text97"><tspan + x="0.221874" + y="11.1602" + id="tspan97">NADP</tspan></text> + <text + transform="translate(374,1928)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text98"><tspan + x="33.573399" + y="11.1602" + id="tspan98">⁺</tspan></text> + </g> + <g + id="text7967-0-3-65-1-2-4-9-6-3-3-1-0"> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text99"><tspan + x="352.06201" + y="1943.16" + id="tspan99">H</tspan></text> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text100"><tspan + x="360.733" + y="1943.16" + id="tspan100">⁺</tspan></text> + </g> + <text + id="text7967-0-3-65-1-2-4-9-6-3-3-1-0_2" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="294.48801" + y="1943.16" + id="tspan101">NADPH</tspan></text> + </g> + <g + id="Group 128" + inkscape:label="FOLR2"> + <text + id="text7967-0-3-6-2-7-4-34-0-5-2_2" + transform="translate(121,1953)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.31640601" + y="11.1602" + id="tspan102">Folate</tspan></text> + <path + id="B_FOLR2" + d="m 177.351,1950.95 c -2.174,-5 -2.174,-5 -2.174,-5 l -2.24,5.64 2.24,-2.19 z m -7.895,5.64 c -8.437,2.97 -8.437,2.97 -8.437,2.97 l 8.639,2.27 -2.235,-2.53 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.23952" /> + <path + d="m 255.851,1959.62 c 0,0 -15.666,0 -22.5,0 m -65.851,0 c 0,0 12.339,0 19,0 m 46.851,0 c 17.5,0 17.5,-9.67 17.5,-9.67 m -17.5,9.67 c -4.741,0 5.426,0 0,0 z m 0,0 c -15.5,0 -15.5,-9.67 -15.5,-9.67 m 15.5,9.67 c -10.071,0 -39.315,0 -46.851,0 m 0,0 c -11.09,0 -11.09,-9.67 -11.09,-9.67" + stroke="#000000" + stroke-width="2.23952" + id="R_FOLR2" + inkscape:label="R_FOLR2" /> + <path + id="F_FOLR2" + d="m 252.77,1951.41 c -1.667,-9.39 -1.667,-9.39 -1.667,-9.39 l -2.583,9.14 2.24,-2.19 z m 1.119,11.45 c 9.807,-2.62 9.807,-2.62 9.807,-2.62 l -9.655,-3.13 2.357,2.94 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.23952" /> + <g + id="text7967-0-3-65-5-3-5-8-9-7-6-6-6_2"> + <text + transform="translate(236,1928)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text103"><tspan + x="0.221874" + y="11.1602" + id="tspan103">NADP</tspan></text> + <text + transform="translate(236,1928)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text104"><tspan + x="33.573399" + y="11.1602" + id="tspan104">⁺</tspan></text> + </g> + <g + id="text7967-0-3-65-1-2-4-9-6-3-3-1-0_3"> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text105"><tspan + x="214.062" + y="1943.16" + id="tspan105">H</tspan></text> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text106"><tspan + x="222.733" + y="1943.16" + id="tspan106">⁺</tspan></text> + </g> + <text + id="text7967-0-3-65-1-2-4-9-6-3-3-1-0_4" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="156.48801" + y="1943.16" + id="tspan107">NADPH</tspan></text> + </g> + <text + id="text3132" + transform="matrix(1,0,0.00300544,0.999995,380,2085)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.296875" + y="11.1602" + id="tspan108">10formylTHF</tspan></text> + <g + id="Group 121"> + <g + id="text7967-0-3-65-5-3-5-8-9-7-6-6-6-1-3"> + <text + transform="translate(439,2109)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text109"><tspan + x="0.0617189" + y="11.1602" + id="tspan109">H</tspan></text> + <text + transform="translate(439,2109)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text110"><tspan + x="8.7335901" + y="11.1602" + id="tspan110">⁺</tspan></text> + </g> + <g + id="text7967-0-3-65-1-2-4-9-6-3-3-1-0-5-5"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text112"><tspan + x="439.72" + y="2148.1599" + id="tspan111">H</tspan><tspan + x="452.616" + y="2148.1599" + id="tspan112">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text113"><tspan + x="448.392" + y="2148.1599" + id="tspan113">₂</tspan></text> + </g> + <path + id="F_MTHFC" + d="m 412.28,2148.69 2.618,9.81 3.133,-9.65 -2.94,2.35 z m 16.88,-2.94 9.391,-1.66 -9.139,-2.59 2.19,2.24 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_MTHFC" + d="m 430.268,2143.5 c 0,0 -15.178,0 -15.052,-17.5 0,0 0.07,-9.65 15.052,-9.65 m -15.051,35.15 -10e-4,-45" + stroke="#000000" + stroke-width="2.4584" /> + <path + id="B_MTHFC" + d="m 427.114,2117.5 c 9.391,-1.67 9.391,-1.67 9.391,-1.67 l -9.139,-2.58 2.191,2.24 z m -9.38,-9.2 c -2.97,-8.44 -2.97,-8.44 -2.97,-8.44 l -2.264,8.64 2.529,-2.24 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <g + id="Group 126"> + <g + id="text7967-0-3-65-5-3-5-8-9-7-6-6-6-1-4"> + <text + transform="translate(380,2046)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text115"><tspan + x="0.38223499" + y="11.1602" + id="tspan114">H</tspan><tspan + x="13.2779" + y="11.1602" + id="tspan115">O</tspan></text> + <text + transform="translate(380,2046)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text116"><tspan + x="9.0541096" + y="11.1602" + id="tspan116">₂</tspan></text> + </g> + <g + id="text7967-0-3-65-5-3-5-8-9-7-6-6-6-1-4_2"> + <text + transform="translate(366,2067)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text117"><tspan + x="0.221874" + y="11.1602" + id="tspan117">NADP</tspan></text> + <text + transform="translate(366,2067)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text118"><tspan + x="33.573399" + y="11.1602" + id="tspan118">⁺</tspan></text> + </g> + <text + id="NADPH" + transform="translate(354,2022)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.48828101" + y="11.1602" + id="tspan119">NADPH</tspan></text> + <g + id="CO2"> + <text + transform="translate(378,1975)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text120"><tspan + x="0.49023399" + y="11.1602" + id="tspan120">CO</tspan></text> + <text + transform="translate(378,1975)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text121"><tspan + x="18.502001" + y="11.1602" + id="tspan121">₂</tspan></text> + </g> + <g + id="H+"> + <text + transform="translate(384,1994)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text122"><tspan + x="0.0617189" + y="11.1602" + id="tspan122">H</tspan></text> + <text + transform="translate(384,1994)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text123"><tspan + x="8.7335901" + y="11.1602" + id="tspan123">⁺</tspan></text> + </g> + <text + id="text7967-0-3-0-0-89-1-3" + transform="translate(442,1995)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.146484" + y="11.1602" + id="tspan124">Formate</tspan></text> + <text + id="text3126" + transform="translate(406,1953)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.328125" + y="11.1602" + id="tspan125">THF</tspan></text> + <text + id="text3144" + transform="translate(442,2047)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.162109" + y="11.1602" + id="tspan126">Pi</tspan></text> + <text + id="text3144_2" + transform="translate(440,2067)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.160156" + y="11.1602" + id="tspan127">ADP</tspan></text> + <path + id="F_FTHFLi" + d="m 429.5,2074.5 c 9.36,-1.83 9.36,-1.83 9.36,-1.83 L 432,2069.5 Z m -12.291,0 c 2.791,9.76 2.791,9.76 2.791,9.76 l 2.961,-9.71 -2.897,2.41 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.23952" /> + <path + d="m 420.147,2042.81 c -0.035,9.62 11.442,9.59 11.442,9.59 m -11.442,-9.59 c 0,0 -0.037,10.31 -0.067,18.52 m 0.067,-18.52 c 0.03,-8.55 11.508,-8.58 11.508,-8.58 m -11.508,8.58 c 0.03,-8.55 0.07,-19.67 0.101,-28.14 m -0.224,62.33 c 0,0 0.025,-6.83 0.056,-15.67 m 0.333,-92.96 c 0,0 -0.135,37.75 -0.165,46.3 m 10.77,57.67 c 0,0 -10.977,0.03 -10.938,-11.01 m 11.188,-58.8 c 0,0 -10.977,0.03 -11.02,12.14" + stroke="#000000" + stroke-width="2.45082" + id="R_FTHFLi" + inkscape:label="R_FTHFLi" /> + <path + id="B_FTHFLi" + d="m 430.862,2036 5.5,-3.5 -5.5,-2 0.5,2 z m -0.046,-31.5 5.5,-2.72 -7.184,-2.2 2.23,2.2 z m -7.216,-27.51 c -3.12,-8.39 -3.12,-8.39 -3.12,-8.39 l -2.11,8.68 2.489,-2.28 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text3180" + transform="translate(440,2025)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.27343801" + y="11.1602" + id="tspan128">ATP</tspan></text> + <path + d="m 413.46,2084.09 c 0,0 0.042,-13.73 0.046,-20.09 m 0.028,-90.54 c 0,0 -0.007,11.07 -0.012,18.16 m 0,0 c 0.007,-10.69 -9.527,-10.68 -9.527,-10.68 m 9.527,10.68 c -0.005,7.28 -0.01,15.39 -0.016,23.7 m 0,48.68 c -0.007,10.22 -9.526,10 -9.526,10 m 9.526,-10 c 0.005,-7.12 -0.027,-7.51 -0.02,-18.95 m 0.02,-29.73 c 0.008,-12.08 -9.526,-12.08 -9.526,-12.08 m 9.526,12.08 c -0.006,9.99 -0.013,20.27 -0.02,29.73 m 0,0 c -0.006,9.47 -9.506,7.95 -9.506,7.95 m 9.506,-7.95 c 0.009,-13.47 -9.525,-13.46 -9.525,-13.46" + stroke="#000000" + stroke-width="2.23952" + id="R_FTHFDH" + inkscape:label="R_FTHFDH" /> + <path + id="F_FTHFDH" + d="m 406.394,1982.75 -4.891,-2.01 4.639,-2.24 -2.191,2.24 z m 4.248,-5.29 c 2.97,-8.44 2.97,-8.44 2.97,-8.44 l 2.264,8.64 -2.528,-2.24 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <path + id="B_r0963" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 105.085,1962.98 9.736,-2.98 -9.756,-2.91 2.447,2.93 z" + stroke="#000000" + stroke-width="2.32759" /> + <path + id="R_r0963" + d="M 42.9999,1960.35 H 105.446" + stroke="#000000" + stroke-width="2.4774" /> + <text + id="text3184" + transform="translate(386,2162)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.30078101" + y="11.1602" + id="tspan130">5,10mTHF</tspan></text> + <text + id="text3188" + transform="translate(243,2162)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.46093801" + y="11.1602" + id="tspan131">5,10meTHF</tspan></text> + <g + id="Group 123"> + <path + id="R_MTHFD2i" + d="m 321,2151 c 0,0 0,14.78 26.031,14.78 0,0 23.969,0 23.969,-14.78 m 5,14.78 h -57.938" + stroke="#000000" + stroke-width="2.45082" /> + <path + id="F_MTHFD2i" + d="m 320.457,2168.73 c -8.437,-2.97 -8.437,-2.97 -8.437,-2.97 l 8.639,-2.26 -2.236,2.53 z m -0.811,-17.23 1.354,-5 1.646,5 -1.646,-0.51 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="B_MTHFD2i" + d="m 369.324,2151.6 1.176,-4.5 1.824,4.5 -1.824,-0.89 z m 2.681,11.82 c 9.807,2.62 9.807,2.62 9.807,2.62 l -9.654,3.13 2.357,-2.94 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text2692" + transform="translate(352,2131)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.49023399" + y="11.1602" + id="tspan132">NADH</tspan></text> + <g + id="text2696"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text133"><tspan + x="308.224" + y="2142.1599" + id="tspan133">NAD</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text134"><tspan + x="333.57101" + y="2142.1599" + id="tspan134">⁺</tspan></text> + </g> + </g> + <g + id="Group 124"> + <path + id="R_MTHFD" + d="m 321,2187.2 c 0,0 0,-14.78 26.031,-14.78 0,0 23.969,0 23.969,14.78 m 5,-14.78 h -57.938" + stroke="#000000" + stroke-width="2.45082" /> + <path + id="F_MTHFD" + d="m 320.457,2169.46 c -8.437,2.97 -8.437,2.97 -8.437,2.97 l 8.639,2.27 -2.236,-2.53 z m -0.811,17.24 1.354,5 1.646,-5 -1.646,0.5 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="B_MTHFD" + d="m 369.324,2186.59 1.176,4.5 1.824,-4.5 -1.824,0.9 z m 2.681,-11.82 c 9.807,-2.61 9.807,-2.61 9.807,-2.61 l -9.654,-3.14 2.357,2.94 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text2692_2" + transform="translate(351,2195)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.48828101" + y="11.1602" + id="tspan135">NADPH</tspan></text> + <g + id="text2696_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text136"><tspan + x="301.22198" + y="2206.1599" + id="tspan136">NADP</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text137"><tspan + x="334.573" + y="2206.1599" + id="tspan137">⁺</tspan></text> + </g> + </g> + <g + id="Group 122"> + <path + id="F_FTCD" + d="m 471.411,2178.68 -2.411,6.82 -2.129,-6.92 2.235,1.76 z M 458,2171.5 l -6.5,-2.23 7,-1.27 -1.178,1.27 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_FTCD" + d="m 469.5,2179.5 c -2.473,-10.89 9.5,-10.25 9.5,-10.25 m 16.931,-0.09 c 6.463,2.02 4.642,17.27 4.642,17.27 m 5.744,-17.18 H 457" + stroke="#000000" + stroke-width="1.48337" /> + <text + id="text7967-0-3-1-9-5-4-8-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="491.73499" + y="2197.1599" + id="tspan138">2 H</tspan></text> + <g + id="text7967-0-3-1-9-5-4-8-1-1"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text139"><tspan + x="460.32401" + y="2200.1599" + id="tspan139">NH</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text140"><tspan + x="477.668" + y="2200.1599" + id="tspan140">₃</tspan></text> + </g> + <text + id="text7967-0-3-65-1-3-2-5-0-5-4-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + font-weight="bold" + letter-spacing="0em"><tspan + x="509.492" + y="2173.1599" + id="tspan141">5forthf</tspan></text> + </g> + <g + id="Group 125"> + <path + id="F_MTHFR3" + d="m 157.001,2159.44 c 1.375,-9.44 1.375,-9.44 1.375,-9.44 l 2.865,9.05 -2.306,-2.12 z m -4.606,10.98 c -9.41,-1.56 -9.41,-1.56 -9.41,-1.56 l 9.109,-2.69 -2.165,2.27 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text7967-0-3-65-1-3-2-5-0-5-4-3-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="218.48801" + y="2156.1599" + id="tspan142">NADPH</tspan></text> + <g + id="text7967-0-3-65-1-3-2-5-0-5-4-3-6_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text143"><tspan + x="182.15401" + y="2156.1599" + id="tspan143">2 </tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text144"><tspan + x="192.174" + y="2156.1599" + id="tspan144">H</tspan></text> + </g> + <text + id="text7967-0-3-65-1-3-2-5-0-5-4-3-67" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="143.32401" + y="2147.1599" + id="tspan145">NADP</tspan></text> + <path + id="R_MTHFR3" + d="m 240,2168.5 c 0,0 -46.341,0 -64.5,0 m -27,0 c 0,0 16.456,0 27,0 m 51,0 c 0,0 13.5,0 13.5,-11 m -49.5,0 c 0,0 0,11 -15,11 m 0,0 c -16.5,0 -16.5,-11 -16.5,-11" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text7967-0-3-65-1-3-2-5-0-5-4-3-0" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + font-weight="bold" + letter-spacing="0em"><tspan + x="98.150299" + y="2173.1599" + id="tspan146">5mTHF</tspan></text> + </g> + </g> + <g + id="path_aa_synthesis"> + <path + id="Rectangle 3" + d="M 1485,787 V 509 c 0,-6.627 -5.37,-12 -12,-12 H 1371.05 377 c -6.627,0 -12,5.373 -12,12 v 278 c 0,6.627 5.373,12 12,12 h 1096 c 6.63,0 12,-5.373 12,-12 z" + fill="#25ca25" + fill-opacity="0.1" /> + <path + id="Rectangle 2" + d="M 742.5,484 H 1461 c 6.63,0 12,5.373 12,12 v 278.5 c 0,6.627 -5.37,12 -12,12 H 365 c -6.627,0 -12,-5.373 -12,-12 V 496 c 0,-6.627 5.373,-12 12,-12 h 7.998" + stroke="#25cb25" + stroke-width="4" + stroke-linecap="round" /> + <text + id="Title" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="20px" + font-weight="bold" + letter-spacing="0em"><tspan + x="382" + y="490.43399" + id="tspan147">Amino acids synthesis / degradation</tspan></text> + <circle + id="Ellipse 1" + cx="742" + cy="484" + r="6" + fill="#25ca25" /> + </g> + <g + id="path_pentose_phosphate" + inkscape:label="path_pentose_phosphate"> + <path + id="Rectangle 3_2" + d="M 878,438 V 183 c 0,-6.627 -5.373,-12 -12,-12 H 825.5 374 c -6.627,0 -12,5.373 -12,12 v 255 c 0,6.627 5.373,12 12,12 h 492 c 6.627,0 12,-5.373 12,-12 z" + fill="#841bd7" + fill-opacity="0.1" /> + <path + id="Rectangle 2_2" + d="m 662,158 h 192 c 6.627,0 12,5.373 12,12 v 256 c 0,6.627 -5.373,12 -12,12 H 362 c -6.627,0 -12,-5.373 -12,-12 V 170 c 0,-6.627 5.373,-12 12,-12 h 8.5" + stroke="#841bd7" + stroke-width="4" + stroke-linecap="round" /> + <text + id="Title_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="20px" + font-weight="bold" + letter-spacing="0em"><tspan + x="379" + y="164.43401" + id="tspan148">Pentose Phosphate pathway</tspan></text> + <circle + id="Ellipse 1_2" + cx="662" + cy="158" + r="6" + fill="#841bd7" /> + </g> + <g + id="path_nucleotide_synthesis" + transform="translate(8.5773444,21.316261)"> + <path + id="Rectangle 3_3" + d="M 1775,449 V 118 c 0,-6.627 -5.37,-12 -12,-12 H 1686.18 914 c -6.627,0 -12,5.373 -12,12 v 331 c 0,6.627 5.373,12 12,12 h 849 c 6.63,0 12,-5.373 12,-12 z" + fill="#29bc90" + fill-opacity="0.1" /> + <path + id="Rectangle 2_3" + d="m 1133,93 h 617.5 c 6.63,0 12,5.3726 12,12 v 332 c 0,6.627 -5.37,12 -12,12 H 902 c -6.627,0 -12,-5.373 -12,-12 V 105 c 0,-6.6274 5.373,-12 12,-12 h 8.5" + stroke="#29bc90" + stroke-width="4" + stroke-linecap="round" /> + <text + id="Title_3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="20px" + font-weight="bold" + letter-spacing="0em"><tspan + x="919" + y="99.433601" + id="tspan149">Nucleotide synthesis</tspan></text> + <circle + id="Ellipse 1_3" + cx="1130" + cy="93" + r="6" + fill="#29bc90" /> + </g> + <g + id="path_cholesterol_synthesis"> + <path + id="Rectangle 3_4" + d="M 2370,976 V 730 c 0,-6.627 -5.37,-12 -12,-12 H 2282.6 1523 c -6.63,0 -12,5.373 -12,12 v 246 c 0,6.627 5.37,12 12,12 h 835 c 6.63,0 12,-5.373 12,-12 z" + fill="#cbe048" + fill-opacity="0.1" /> + <path + id="Rectangle 2_4" + d="m 1870,705 h 475.5 c 6.63,0 12,5.373 12,12 v 246.5 c 0,6.627 -5.37,12 -12,12 H 1511 c -6.63,0 -12,-5.373 -12,-12 V 717 c 0,-6.627 5.37,-12 12,-12 h 8.5" + stroke="#cbe048" + stroke-width="4" + stroke-linecap="round" /> + <text + id="Title_4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="20px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1528" + y="711.43402" + id="tspan150">Fatty acids / Cholesterol synthesis</tspan></text> + <circle + id="Ellipse 1_4" + cx="1869" + cy="705" + r="6" + fill="#cbe048" /> + </g> + <g + id="path_urea_cycle"> + <path + id="Rectangle 3_5" + d="M 1850,669 V 510 c 0,-6.627 -5.37,-12 -12,-12 H 1815.51 1523 c -6.63,0 -12,5.373 -12,12 v 159 c 0,6.627 5.37,12 12,12 h 315 c 6.63,0 12,-5.373 12,-12 z" + fill="#c19c91" + fill-opacity="0.1" /> + <path + id="Rectangle 2_5" + d="M 1640.5,485 H 1826 c 6.63,0 12,5.373 12,12 v 160 c 0,6.627 -5.37,12 -12,12 h -315 c -6.63,0 -12,-5.373 -12,-12 V 497 c 0,-6.627 5.37,-12 12,-12 h 8.5" + stroke="#c19c91" + stroke-width="4" + stroke-linecap="round" /> + <text + id="Title_5" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="20px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1528" + y="491.43399" + id="tspan151">Urea cycle</tspan></text> + <circle + id="Ellipse 1_5" + cx="1640" + cy="485" + r="6" + fill="#c19c91" /> + </g> + <g + id="path_ammonia"> + <path + id="Rectangle 3_6" + d="m 1858,1185 v -63 c 0,-6.63 -5.37,-12 -12,-12 H 1819.24 1489 c -6.63,0 -12,5.37 -12,12 v 63 c 0,6.63 5.37,12 12,12 h 357 c 6.63,0 12,-5.37 12,-12 z" + fill="#c19c91" + fill-opacity="0.1" /> + <path + id="Rectangle 2_6" + d="m 1660,1097 h 174 c 6.63,0 12,5.37 12,12 v 63.5 c 0,6.63 -5.37,12 -12,12 h -357 c -6.63,0 -12,-5.37 -12,-12 V 1109 c 0,-6.63 5.37,-12 12,-12 h 12.5" + stroke="#c19c91" + stroke-width="4" + stroke-linecap="round" /> + <text + id="Title_6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="20px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1497" + y="1103.4301" + id="tspan152">Ammonia detox </tspan></text> + <circle + id="Ellipse 1_6" + cx="1659" + cy="1097" + r="6" + fill="#c19c91" /> + </g> + <g + id="path_biomass"> + <path + id="Rectangle 3_7" + d="m 2559,1579 v -542 c 0,-6.63 -5.37,-12 -12,-12 H 2503.35 2024 c -6.63,0 -12,5.37 -12,12 v 542 c 0,6.63 5.37,12 12,12 h 523 c 6.63,0 12,-5.37 12,-12 z" + fill="#f018ce" + fill-opacity="0.1" /> + <path + id="Rectangle 2_7" + d="m 2125,1012 h 410 c 6.63,0 12,5.37 12,12 v 543 c 0,6.63 -5.37,12 -12,12 h -523 c -6.63,0 -12,-5.37 -12,-12 v -543 c 0,-6.63 5.37,-12 12,-12 h 8.5" + stroke="#f018ce" + stroke-width="4" + stroke-linecap="round" /> + <text + id="Title_7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="20px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2029" + y="1018.43" + id="tspan153">Biomass</tspan></text> + <circle + id="Ellipse 1_7" + cx="2123" + cy="1012" + r="6" + fill="#f018ce" /> + </g> + <g + id="path_fattyacids_betaox"> + <path + id="Rectangle 3_8" + d="m 1859,1846 v -84 c 0,-6.63 -5.37,-12 -12,-12 H 1804.06 1331 c -6.63,0 -12,5.37 -12,12 v 84 c 0,6.63 5.37,12 12,12 h 516 c 6.63,0 12,-5.37 12,-12 z" + fill="#cbe048" + fill-opacity="0.1" /> + <path + id="Rectangle 2_8" + d="m 1564,1737 h 271 c 6.63,0 12,5.37 12,12 v 84.5 c 0,6.63 -5.37,12 -12,12 h -516 c -6.63,0 -12,-5.37 -12,-12 V 1749 c 0,-6.63 5.37,-12 12,-12 h 8.5" + stroke="#cbe048" + stroke-width="4" + stroke-linecap="round" /> + <text + id="Title_8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="20px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1336" + y="1743.4301" + id="tspan154">Fatty acids β-oxidation </tspan></text> + <circle + id="Ellipse 1_8" + cx="1564" + cy="1737" + r="6" + fill="#cbe048" /> + </g> + <g + id="path_glutathione"> + <path + id="Rectangle 3_9" + d="m 2571,2212 v -108 c 0,-6.63 -5.37,-12 -12,-12 H 2522.77 2109 c -6.63,0 -12,5.37 -12,12 v 108 c 0,6.63 5.37,12 12,12 h 450 c 6.63,0 12,-5.37 12,-12 z" + fill="#aeaeae" + fill-opacity="0.1" /> + <path + id="Rectangle 2_9" + d="m 2330.5,2079 h 216 c 6.63,0 12,5.37 12,12 v 109 c 0,6.63 -5.37,12 -12,12 H 2097 c -6.63,0 -12,-5.37 -12,-12 v -109 c 0,-6.63 5.37,-12 12,-12 h 8.5" + stroke="#aeaeae" + stroke-width="4" + stroke-linecap="round" /> + <text + id="Title_9" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="20px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2114" + y="2085.4299" + id="tspan155">Glutathione synthesis</tspan></text> + <circle + id="Ellipse 1_9" + cx="2334" + cy="2079" + r="6" + fill="#aeaeae" /> + </g> + <g + id="path_glycolysis"> + <path + id="Rectangle 3_10" + d="M 326,1037 H 129 c -6.627,0 -12,-5.37 -12,-12 V 940.241 98 c 0,-6.6274 5.373,-12 12,-12 h 197 c 6.627,0 12,5.3726 12,12 v 927 c 0,6.63 -5.373,12 -12,12 z" + fill="#da8f38" + fill-opacity="0.1" /> + <path + id="Rectangle 2_10" + d="M 104,398.5 V 1013 c 0,6.63 5.373,12 12,12 h 197 c 6.627,0 12,-5.37 12,-12 V 86 c 0,-6.6274 -5.373,-12 -12,-12 H 116 c -6.627,0 -12,5.3726 -12,12 v 8.5" + stroke="#da8f38" + stroke-width="4" + stroke-linecap="round" /> + <text + id="Title_10" + transform="rotate(90,6,109)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="20px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0" + y="18.433599" + id="tspan156">Glycolysis / Gluconeogenesis</tspan></text> + <circle + id="Ellipse 1_10" + cx="6" + cy="6" + r="6" + transform="matrix(0,1,1,0,98,392)" + fill="#da8f38" /> + </g> + <g + id="Group 84"> + <text + id="text7967-0-3-6-2-7-4-34-4-5" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="708.039" + y="759.547" + id="tspan157">Ala</tspan></text> + <text + id="text7967-0-3-65-1-3-2-82-8-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="12px" + letter-spacing="0em"><tspan + x="639.27698" + y="821.86401" + id="tspan158">AKG</tspan></text> + <text + id="text7967-0-3-65-1-3-2-5-0-5-4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="12px" + letter-spacing="0em"><tspan + x="613.13098" + y="828.86401" + id="tspan159">Glu</tspan></text> + <path + id="F_ALATA_L" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 655,831.5 -4.5,-5 -3,5 3.296,-2.868 z m 68.492,-58.067 -3.492,-7.234 -2.261,7.234 2.877,-2.433 1.438,1.217 z" + stroke="#000000" + stroke-width="2.32759" /> + <path + id="R_ALATA_L" + d="m 624.5,837.591 c 0,0 3,15.012 18,9.72 15,-5.291 8,-18.22 8,-18.22 M 292.5,967 l 233,-81 c 0,0 0,-10.481 13,-15.5 15,-5.791 21,3.5 21,3.5 l 160.161,-51.5 v -54" + stroke="#000000" + stroke-width="2.22" /> + <path + id="B_ALATA_L" + d="m 626,838 -2.5,-3.5 v 5 l 1.296,-1.868 z m -332.5,126.501 -7.5,5.5 9,-1 -3,-1 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <g + id="Group 135"> + <text + id="text3860-8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2112.3799" + y="2139.55" + id="tspan160">GSSG</tspan></text> + <g + id="Group 130"> + <text + id="text7967-0-3-9-1-8-0-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2267.1599" + y="2138.55" + id="tspan161">GSH</tspan></text> + <path + id="F_GTHPi" + d="m 2172.55,2133.74 c -9.67,-3.1 -9.67,-3.1 -9.67,-3.1 l 9.8,-2.65 -2.5,2.82 z m 9.08,-11.56 c 2.85,-6.57 2.85,-6.57 2.85,-6.57 l 2.67,6.61 -2.74,-1.67 z" + stroke="#000000" + stroke-width="1.90098" /> + <g + id="text3878-1"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text162"><tspan + x="2191.0601" + y="2154.1599" + id="tspan162">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text163"><tspan + x="2199.73" + y="2154.1599" + id="tspan163">⁺</tspan></text> + </g> + <text + id="text3878-1_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2147.49" + y="2154.1599" + id="tspan164">NADH</tspan></text> + <g + id="text3882-4"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text165"><tspan + x="2207.22" + y="2160.1599" + id="tspan165">NAD</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text166"><tspan + x="2232.5701" + y="2160.1599" + id="tspan166">⁺</tspan></text> + </g> + <g + id="text3902-2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text168"><tspan + x="2211.3799" + y="2117.1599" + id="tspan167">H</tspan><tspan + x="2224.27" + y="2117.1599" + id="tspan168">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text170"><tspan + x="2220.05" + y="2117.1599" + id="tspan169">₂</tspan><tspan + x="2233.6101" + y="2117.1599" + id="tspan170">₂</tspan></text> + </g> + <text + id="text3910-9" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2243.49" + y="2117.1599" + id="tspan171">GSH</tspan></text> + <path + id="R_GTHPi" + d="m 2205.5,2130.96 c 17,0.09 17,-9.96 17,-9.96 m 36.6,10.22 -89.59,-0.43 m 69.49,0.34 c 16,0.07 16,-10.13 16,-10.13 m -70.5,0 c 0,9.86 21.41,9.96 21.41,9.96" + stroke="#000000" + stroke-width="2.38381" /> + <g + id="text3929-9"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text173"><tspan + x="2168.3701" + y="2112.1599" + id="tspan172">2 H</tspan><tspan + x="2191.29" + y="2112.1599" + id="tspan173">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text174"><tspan + x="2187.0601" + y="2112.1599" + id="tspan174">₂</tspan></text> + </g> + <text + id="text3964-2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2241.49" + y="2160.1599" + id="tspan175">GSH</tspan></text> + <path + id="R_GDR" + d="m 2213.5,2137.98 c 10,0 10,5.02 10,5.02 m -60.5,-5.02 c 0,0 9.45,0 15.5,0 m 78,0 c 0,0 -47.54,0 -78,0 m 61,0 c 10.5,0 10.5,5.02 10.5,5.02 m -45,-5.02 c -9.5,0 -9.5,5.02 -9.5,5.02 m -17,-5.02 c -15.5,0 -15.5,5.02 -15.5,5.02" + stroke="#000000" + stroke-width="1.39417" /> + <path + id="F_GDR" + d="m 2220.22,2141.87 c 2.85,6.57 2.85,6.57 2.85,6.57 l 2.67,-6.61 -2.74,1.67 z m 27,0.5 c 2.85,6.57 2.85,6.57 2.85,6.57 l 2.67,-6.61 -2.74,1.67 z m 7.53,-1.29 c 9.66,-3.1 9.66,-3.1 9.66,-3.1 l -9.79,-2.65 2.5,2.82 z" + stroke="#000000" + stroke-width="1.90098" /> + </g> + <g + id="text3999-9"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text176"><tspan + x="2221.22" + y="2198.1599" + id="tspan176">NADP</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text177"><tspan + x="2254.5701" + y="2198.1599" + id="tspan177">⁺</tspan></text> + </g> + <text + id="text4005-9" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2264.49" + y="2198.1599" + id="tspan178">GSH</tspan></text> + <path + id="R_GTHOr" + d="m 2235.5,2173 c 5.9,0.99 5.5,8.99 5.5,8.99 m 33.48,-8.99 c 5.9,0.99 5.52,8.99 5.52,8.99 M 2135.5,2143.5 V 2173 H 2282 v -28 m -83,28 c -7.95,1.72 -7,8.99 -7,8.99 m -39,-8.99 c -7.95,1.72 -7,8.99 -7,8.99" + stroke="#000000" + stroke-width="1.39417" /> + <g + id="text4017-2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text179"><tspan + x="2141.0601" + y="2193.1599" + id="tspan179">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text180"><tspan + x="2149.73" + y="2193.1599" + id="tspan180">⁺</tspan></text> + </g> + <text + id="text4017-2_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2169.49" + y="2193.1599" + id="tspan181">NADPH</tspan></text> + <path + id="F_GTHOr" + d="m 2284.93,2152.37 c -3.1,-9.67 -3.1,-9.67 -3.1,-9.67 l -2.65,9.8 2.82,-2.5 z m -46.95,28.17 c 2.85,6.57 2.85,6.57 2.85,6.57 l 2.67,-6.61 -2.74,1.67 z m 39.24,-1.17 c 2.85,6.57 2.85,6.57 2.85,6.57 l 2.67,-6.61 -2.74,1.67 z" + stroke="#000000" + stroke-width="1.90098" /> + <g + id="Group 131"> + <path + id="R_DmGSSG" + d="M 2128,2256.5 V 2143" + stroke="#000000" + stroke-width="2.50699" /> + <path + id="F_DmGSSG-8" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 2128.01,2255.67 -3.01,-3 3.17,12.27 2.74,-12.44 z" + stroke="#000000" + stroke-width="2.62587" /> + </g> + <g + id="Group 132"> + <path + id="R_GTHRDt2" + d="M 2296.25,2152.65 V 2266.5" + stroke="#000000" + stroke-width="2.50699" /> + <path + id="F_GTHRDt2" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 2296.01,2150.26 -3.01,3.01 3.17,-12.27 2.74,12.44 z" + stroke="#000000" + stroke-width="2.62587" /> + </g> + <text + id="text7967-0-3-9-1-5-9" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2395.49" + y="2138.55" + id="tspan182">GC</tspan></text> + <text + id="text5921" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2515.3101" + y="2138.55" + id="tspan183">Cys</tspan></text> + <g + id="Group 133"> + <text + id="text7967-0-3-7-5-8-7-2-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2383.27" + y="2123.1599" + id="tspan184">ATP</tspan></text> + <path + id="R_GTHS" + d="m 2317,2134.06 h 42.5 m 33,0 h -33 m -10,-9.06 c 0,9.06 10,9.06 10,9.06 m 0,0 c 0,0 9,0 9,-9.06 m -36,9.06 c -9.5,0 -9.5,-9.06 -9.5,-9.06 m 69.5,0 c 0,9.06 -9,9.06 -9,9.06" + stroke="#000000" + stroke-width="1.68137" /> + <path + id="F_GTHS" + d="m 2320.65,2126.2 c 2.35,-9.24 2.35,-9.24 2.35,-9.24 l 1.9,9.3 -2.07,-2.35 z m -1.86,10.75 c -3.26,-0.89 -6.53,-1.78 -9.79,-2.68 3.22,-1.02 6.45,-2.04 9.67,-3.07 -0.79,0.98 -1.58,1.95 -2.37,2.93 0.83,0.94 1.66,1.88 2.49,2.82 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text7967-0-3-7-5-8-7-2-7-8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2360.49" + y="2123.1599" + id="tspan185">Gly</tspan></text> + <text + id="text7967-0-3-7-5-8-7-2-7-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2343.1599" + y="2116.1599" + id="tspan186">Pi</tspan></text> + <text + id="text7967-0-3-7-5-8-7-2-7-7_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2312.1599" + y="2114.1599" + id="tspan187">ADP</tspan></text> + </g> + <g + id="Group 134"> + <text + id="text7967-0-3-7-5-8-7-2-7_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2501.27" + y="2123.1599" + id="tspan188">ATP</tspan></text> + <path + id="R_GLUCYS" + d="m 2435,2134.06 h 42.5 m 33,0 h -33 m -10,-9.06 c 0,9.06 10,9.06 10,9.06 m 0,0 c 0,0 9,0 9,-9.06 m -36,9.06 c -9.5,0 -9.5,-9.06 -9.5,-9.06 m 69.5,0 c 0,9.06 -9,9.06 -9,9.06" + stroke="#000000" + stroke-width="1.68137" /> + <path + id="F_GLUCYS" + d="m 2438.65,2126.2 c 2.35,-9.24 2.35,-9.24 2.35,-9.24 l 1.9,9.3 -2.07,-2.35 z m -1.86,10.75 c -3.26,-0.89 -6.53,-1.78 -9.79,-2.68 3.22,-1.02 6.45,-2.04 9.67,-3.07 -0.79,0.98 -1.58,1.95 -2.37,2.93 0.83,0.94 1.66,1.88 2.49,2.82 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text7967-0-3-7-5-8-7-2-7-8_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2478.1499" + y="2123.1599" + id="tspan189">Glu</tspan></text> + <text + id="text7967-0-3-7-5-8-7-2-7-7_3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2461.1599" + y="2116.1599" + id="tspan190">Pi</tspan></text> + <text + id="text7967-0-3-7-5-8-7-2-7-7_4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2430.1599" + y="2114.1599" + id="tspan191">ADP</tspan></text> + </g> + </g> + <g + id="space_mitochondria"> + <path + id="Rectangle 2_11" + d="M 959.5,1021 H 1859 c 6.63,0 12,5.37 12,12 v 1133 c 0,6.63 -5.37,12 -12,12 H 735 c -6.627,0 -12,-5.37 -12,-12 V 1033 c 0,-6.63 5.373,-12 12,-12 h 8.5" + stroke="#0a0a0a" + stroke-width="4" + stroke-linecap="round" /> + <text + id="Title_11" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="20px" + font-weight="bold" + letter-spacing="0em"><tspan + x="752" + y="1027.4301" + id="tspan192">Mitochondrial space</tspan></text> + <circle + id="Ellipse 1_11" + cx="958" + cy="1021" + r="6" + fill="#0a0a0a" /> + </g> + <g + id="glycolysis"> + <text + id="M_Glc" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="235.09399" + y="126.547" + id="tspan193">Glc</tspan></text> + <text + id="M_Glc_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="235.09399" + y="14.5469" + id="tspan194">Glc</tspan></text> + <text + id="text6883" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="232.48399" + y="199.547" + id="tspan195">G6P</tspan></text> + <text + id="text6931" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="233.32001" + y="273.547" + id="tspan196">F6P</tspan></text> + <text + id="text6913" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="221.35899" + y="359.547" + id="tspan197">F1,6BP</tspan></text> + <text + id="text6907" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="226.203" + y="437.547" + id="tspan198">GA3P</tspan></text> + <text + id="text6925" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="272.27301" + y="303.16" + id="tspan199">ATP</tspan></text> + <text + id="text6919" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="277.16" + y="321.16" + id="tspan200">ADP</tspan></text> + <g + id="text6973"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text201"><tspan + x="272.224" + y="558.15997" + id="tspan201">NAD</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text202"><tspan + x="297.57199" + y="558.15997" + id="tspan202">⁺</tspan></text> + </g> + <text + id="text6969" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="281.48999" + y="615.15997" + id="tspan203">NADH</tspan></text> + <path + id="F_PGI" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 245,246 c 2.876,9.734 2.876,9.734 2.876,9.734 l 2.877,-9.734 -2.877,2.434 z" + stroke="#000000" + stroke-width="2.32759" /> + <path + id="R_PGI" + d="m 248,214 v 33.5" + stroke="#000000" + stroke-width="2.22" /> + <path + id="R_FBA" + d="m 248.265,369.111 c 0,42.584 0,42.584 0,42.584 m 0.834,-23.594 c 0,0 -0.834,35.399 119.901,-48.101" + stroke="#000000" + stroke-width="2.22" /> + <path + id="F_FBA" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 245.727,409.295 c 2.876,9.734 2.876,9.734 2.876,9.734 l 2.877,-9.734 -2.877,2.434 z" + stroke="#000000" + stroke-width="2.66667" + stroke-miterlimit="5.75877" /> + <path + id="B_TPI" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 376.536,350.204 3.006,-5.404 1.001,-1.8 -6.421,3.118 2.51,0.753 z" + stroke="#000000" + stroke-width="2.07063" /> + <path + id="F_TPI" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 279.628,424.79 c -6.069,5.783 -6.069,5.783 -6.069,5.783 l 7.218,-1.171 -2.235,-1.437 z" + stroke="#000000" + stroke-width="2.09713" /> + <path + id="R_TPI" + d="M 379.5,344 280,428" + stroke="#000000" + stroke-width="2.22" /> + <text + id="text6895" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="272.27301" + y="146.16" + id="tspan204">ATP</tspan></text> + <text + id="text6889" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="276.16" + y="162.16" + id="tspan205">ADP</tspan></text> + <path + id="R_HEX1" + d="m 248.054,149.982 c 1.534,7.191 18.852,6.895 18.852,6.895 m 2.035,-15.648 c -12.885,-3.833 -21.324,4.324 -21.324,4.324 m 0.136,-13.154 c 0,41.567 0,41.567 0,41.567" + stroke="#000000" + stroke-width="2.22" /> + <path + id="R_PFK" + d="m 248.147,278 v 58.493 m 0.606,-27.845 c 1.534,7.192 18.852,6.895 18.852,6.895 m 2.548,-15.647 c -12.885,-3.834 -21.324,4.323 -21.324,4.323" + stroke="#000000" + stroke-width="2.22" /> + <path + id="F_PFK" + d="m 246,333.572 c 2.238,9.739 2.238,9.739 2.238,9.739 l 2.239,-9.739 -2.239,2.435 z m 18.327,-16.056 c 9.376,-1.75 9.376,-1.75 9.376,-1.75 l -9.162,-2.502 2.21,2.22 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="F_HEX1" + d="m 263.115,158.85 c 9.376,-1.75 9.376,-1.75 9.376,-1.75 l -9.162,-2.502 2.21,2.22 z M 245,173.345 c 2.876,9.734 2.876,9.734 2.876,9.734 l 2.877,-9.734 -2.877,2.434 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_GAPD" + d="m 269,518 c -19.624,0 -19.531,16 -19.531,16 m -0.482,-82.5 1.022,175 M 269,607.5 c 0,0 -18.991,0 -19.221,-20.5 0,0 -0.196,-33.5 19.221,-33.5" + stroke="#000000" + stroke-width="2.22" /> + <text + id="text5156" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="272.16199" + y="522.15997" + id="tspan206">Pi</tspan></text> + <path + id="R_FBP" + d="m 179.465,319.707 c -1.51,7.184 -15.641,6.12 -15.641,6.12 m 1.761,-22.879 c 8.82,-3.388 14.28,5.449 14.28,5.449 M 219.245,356 h -39.78 l -0.22,-88.124 h 40" + stroke="#000000" + stroke-width="2.22" /> + <path + id="F_FBP" + d="m 166.245,300.876 c -9.324,2.009 -9.324,2.009 -9.324,2.009 l 9.228,2.248 -2.271,-2.158 z M 216.811,265 c 9.735,2.876 9.735,2.876 9.735,2.876 l -9.735,2.877 2.434,-2.877 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_G6PP" + d="m 181.465,160.707 c -1.51,7.184 -15.641,6.12 -15.641,6.12 m 1.761,-22.879 c 8.82,-3.388 14.28,5.449 14.28,5.449 M 228.5,194.5 h -47.255 v -73.624 h 40" + stroke="#000000" + stroke-width="2.75765" /> + <path + id="F_G6PP" + d="m 168.245,141.876 c -9.324,2.009 -9.324,2.009 -9.324,2.009 l 9.228,2.248 -2.271,-2.158 z M 218.812,118 c 9.734,2.876 9.734,2.876 9.734,2.876 l -9.734,2.877 2.433,-2.877 z" + stroke="#000000" + stroke-width="2.23952" /> + <g + id="text5252"> + <text + transform="rotate(0.250513,-72891.469,31735.907)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text208"><tspan + x="0.38223499" + y="11.1602" + id="tspan207">H</tspan><tspan + x="13.2779" + y="11.1602" + id="tspan208">O</tspan></text> + <text + transform="rotate(0.250513,-72891.469,31735.907)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text209"><tspan + x="9.0541096" + y="11.1602" + id="tspan209">₂</tspan></text> + </g> + <text + id="text5258" + transform="rotate(-0.639009,26622.648,-12673.685)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.162109" + y="11.1602" + id="tspan210">Pi</tspan></text> + <g + id="text5264"> + <text + transform="rotate(0.250513,-36526.034,31656.407)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text212"><tspan + x="0.38223499" + y="11.1602" + id="tspan211">H</tspan><tspan + x="13.2779" + y="11.1602" + id="tspan212">O</tspan></text> + <text + transform="rotate(0.250513,-36526.034,31656.407)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text213"><tspan + x="9.0541096" + y="11.1602" + id="tspan213">₂</tspan></text> + </g> + <text + id="text5270" + transform="rotate(-0.639009,12367.3,-12932.51)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.162109" + y="11.1602" + id="tspan214">Pi</tspan></text> + <path + id="B_PGI" + d="M 250.751,214.665 C 247.65,205 247.65,205 247.65,205 l -2.65,9.798 2.819,-2.499 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="B_FBA" + d="M 251.287,377.665 C 248.186,368 248.186,368 248.186,368 l -2.65,9.798 2.819,-2.499 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="B_GAPD" + d="M 251.751,453.665 C 248.65,444 248.65,444 248.65,444 l -2.65,9.798 2.819,-2.499 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="B_GLCt1" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 245,95 2.732,11.12 2.994,-11.0311 -2.896,2.7244 z" + stroke="#000000" + stroke-width="2.47734" /> + <path + id="R_GLCt1" + d="M 248,96 V 28.5" + stroke="#000000" + stroke-width="2.22" /> + <path + id="F_GLCt1" + fill-rule="evenodd" + clip-rule="evenodd" + d="M 245,34.2365 247.926,24 l 2.926,10.2365 -2.926,-2.559 z" + stroke="#000000" + stroke-width="2.37794" /> + <path + id="B_PGM" + fill-rule="evenodd" + clip-rule="evenodd" + d="M 246.725,750.734 C 249.602,741 249.601,741 249.601,741 l 2.877,9.734 -2.877,-2.433 z" + stroke="#000000" + stroke-width="2.32759" /> + <text + id="text6961" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="214.242" + y="652.547" + id="tspan215">1,3BPGA</tspan></text> + <text + id="text6943" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="234.48399" + y="736.547" + id="tspan216">3PG</tspan></text> + <text + id="text6937" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="234.48399" + y="795.547" + id="tspan217">2PG</tspan></text> + <text + id="text6955" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="13.3333px" + letter-spacing="0em"><tspan + x="277.17599" + y="678.69897" + id="tspan218">ADP</tspan></text> + <text + id="text6949" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="13.3333px" + letter-spacing="0em"><tspan + x="279.88699" + y="695.38599" + id="tspan219">ATP</tspan></text> + <path + id="R_PGM" + d="M 249.415,750.193 V 771" + stroke="#000000" + stroke-width="2.22" /> + <path + id="F_PGM" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 247,771 c 2.876,9.734 2.876,9.734 2.876,9.734 l 2.877,-9.734 -2.877,2.434 z" + stroke="#000000" + stroke-width="2.32759" /> + <path + id="B_ENO" + fill-rule="evenodd" + clip-rule="evenodd" + d="M 247,809.734 C 249.876,800 249.876,800 249.876,800 l 2.877,9.734 -2.877,-2.433 z" + stroke="#000000" + stroke-width="2.32759" /> + <path + id="F_DPGM" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 152,711 c 2.876,9.734 2.876,9.734 2.876,9.734 l 2.877,-9.734 -2.877,2.434 z" + stroke="#000000" + stroke-width="2.32759" /> + <path + id="R_DPGM" + d="M 211.299,647 H 154.5 v 65" + stroke="#000000" + stroke-width="2.22" /> + <text + id="text6943-9" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="127.024" + y="735.547" + id="tspan220">2,3BPG</tspan></text> + <g + id="text6955-8"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text222"><tspan + x="186.382" + y="757.15997" + id="tspan221">H</tspan><tspan + x="199.278" + y="757.15997" + id="tspan222">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text223"><tspan + x="195.054" + y="757.15997" + id="tspan223">₂</tspan></text> + </g> + <text + id="text6955-2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="211.162" + y="767.15997" + id="tspan224">Pi</tspan></text> + <path + id="R_PGK" + d="m 272.081,674.645 c -12.885,-3.834 -21.324,4.323 -21.324,4.323 m -0.097,4.453 c 1.656,7.147 20.357,6.852 20.357,6.852 m -21.107,-27.54 v 49.702" + stroke="#000000" + stroke-width="2.22" /> + <path + id="R_DPGase" + d="m 186,730.444 38.049,0.591 m -19.148,0.112 c -7.129,1.585 -5.867,16.238 -5.867,16.238 m 15.831,0.209 c 3.205,-10.258 -5.463,-16.549 -5.463,-16.549" + stroke="#000000" + stroke-width="2.22" /> + <path + id="R_ENO" + d="m 249.617,807.626 c 0,51.326 0,51.326 0,51.326 m 0.167,-28.713 c 1.407,5.871 17.282,5.628 17.282,5.628" + stroke="#000000" + stroke-width="2.22" /> + <path + id="F_PGK" + d="m 267.153,691.729 c 9.376,-1.75 9.376,-1.75 9.376,-1.75 l -9.162,-2.502 2.211,2.22 z m -19.709,17.207 c 2.571,11.666 2.571,11.666 2.571,11.666 l 2.571,-11.666 -2.571,2.916 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="F_DPGase" + d="m 212.658,745.232 c 2.403,9.23 2.403,9.23 2.403,9.23 l 1.854,-9.315 -2.06,2.361 z m 8.431,-11.48 c 9.774,-2.737 9.774,-2.737 9.774,-2.737 l -9.692,-3.015 2.392,2.911 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="F_ENO" + d="m 247.015,858.733 c 2.876,9.734 2.876,9.734 2.876,9.734 l 2.877,-9.734 -2.877,2.433 z M 265.55,839 l 6.95,-3 -6.95,-3 2.45,3 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="B_PGK" + d="M 252.293,668.665 C 249.192,659 249.192,659 249.192,659 l -2.65,9.798 2.819,-2.499 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="F_GAPD" + d="m 252.673,625.6 c -3.101,9.664 -3.101,9.664 -3.101,9.664 l -2.65,-9.798 2.819,2.5 z" + stroke="#000000" + stroke-width="2.66667" /> + <text + id="text7033" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="234.492" + y="884.547" + id="tspan225">PEP</tspan></text> + <g + id="Pyruvate"> + <circle + id="Ellipse 3" + cx="253" + cy="987" + r="23" + stroke="#da8f38" + stroke-width="4" /> + <text + id="text7003" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="240.09399" + y="992.547" + id="tspan226">Pyr</tspan></text> + </g> + <text + id="text7021" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="269.16" + y="919.15997" + id="tspan227">ADP</tspan></text> + <text + id="text7015" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="273.27301" + y="933.15997" + id="tspan228">ATP</tspan></text> + <path + id="R_PYK" + d="m 249.225,890 0.535,59 m 0.867,-22.703 c 1.361,1.518 16.724,1.456 16.724,1.456 m 0,-13.753 c -10.586,-0.814 -17.872,4 -17.872,4" + stroke="#000000" + stroke-width="2.22" /> + <path + id="F_PYK" + d="m 247.225,942.956 2.876,9.734 2.877,-9.734 -2.877,2.434 z m 17,-11.456 6,-3 -4.5,-2.5 1.5,2.5 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text7057" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="151.039" + y="878.547" + id="tspan229">Lact</tspan></text> + <g + id="Group 89"> + <g + id="text7051"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text230"><tspan + x="194.062" + y="961.15997" + id="tspan230">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text231"><tspan + x="202.73399" + y="961.15997" + id="tspan231">⁺</tspan></text> + </g> + <text + id="text7051_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="155.49001" + y="940.15997" + id="tspan232">NADH</tspan></text> + <g + id="text7051-1"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text233"><tspan + x="132.224" + y="909.15997" + id="tspan233">NAD</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text234"><tspan + x="157.57201" + y="909.15997" + id="tspan234">⁺</tspan></text> + </g> + <path + id="F_LDH_L" + d="m 168,908 -4.5,-2.5 6,-3 -2.5,3 z m 14.277,-18 -10.777,-5 3,9 v -6 z" + stroke="#000000" + stroke-width="2.74209" /> + <path + id="B_LDH_L" + d="m 196.5,945.5 1.5,2.5 0.5,-3 -1,0.5 z m 30.84,9.5 2.5,6 -7,-2 3.5,-1 z" + stroke="#000000" + stroke-width="2.44933" /> + <path + id="R_LDH_L" + d="m 226,958 c 0,0 -17.37,-24.074 -28.5,-39.5 m -23,-31 c 0,0 14.018,18.894 23,31 m 9.142,13 C 193.227,936 197.5,945 197.5,945 M 168,905.5 c 20,5.5 15.5,-5.68 15.5,-5.68 m 14,18.68 c -8.5,-12 -15.5,5 -15.5,5" + stroke="#000000" + stroke-width="2.22" /> + </g> + <g + id="g31299"> + <path + id="B_DmLact" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 131.184,871 11.121,2.732 -11.032,2.994 2.725,-2.896 z" + stroke="#000000" + stroke-width="2.22" /> + <path + id="F_DmLact" + fill-rule="evenodd" + clip-rule="evenodd" + d="M 59.2365,871.226 49,874.152 l 10.2365,2.926 -2.559,-2.926 z" + stroke="#000000" + stroke-width="2.22" /> + <path + id="R_DmLact" + d="M 131.268,873.972 H 57.5" + stroke="#000000" + stroke-width="2.22" /> + </g> + <g + id="text6955-8-3-5"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text236"><tspan + x="277.38199" + y="840.15997" + id="tspan235">H</tspan><tspan + x="290.27802" + y="840.15997" + id="tspan236">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text237"><tspan + x="286.05399" + y="840.15997" + id="tspan237">₂</tspan></text> + </g> + <path + id="B_PYRt2" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 209.178,989.925 9.456,-2.963 -9.456,-2.962 2.364,2.962 z" + stroke="#000000" + stroke-width="2.85342" /> + <path + id="R_PYRt2" + d="M 45,987.145 H 212.747" + stroke="#000000" + stroke-width="3.1496" /> + </g> + <text + id="text7967-0-3-6-2-7-4-34-0-4-2-9-0-1-6-9" + transform="translate(2066,630)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.49218801" + y="14.5469" + id="tspan238">Putr</tspan></text> + <g + id="Group 160"> + <path + id="R_SPMS" + d="m 2173.23,591.868 c -9.08,-3.613 -14.85,5.05 -14.85,5.05 m 0.51,10.741 c 1.81,6.572 20.17,5.884 20.17,5.884 M 2158.59,574.38 2158.38,642 H 2103" + stroke="#000000" + stroke-width="1.90151" /> + <path + id="F_SPMS" + d="m 2161.25,579.79 c -0.89,-3.263 -1.79,-6.527 -2.68,-9.79 -1.02,3.225 -2.05,6.449 -3.07,9.674 0.97,-0.791 1.95,-1.583 2.92,-2.375 0.95,0.83 1.89,1.661 2.83,2.491 z m 10.69,13.827 c 9.25,-2.355 9.25,-2.355 9.25,-2.355 l -9.31,-1.902 2.35,2.072 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text5973" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2181.8701" + y="614.78998" + id="tspan239">ametam</tspan></text> + <text + id="text5979" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2184.73" + y="593.922" + id="tspan240">5mta</tspan></text> + </g> + <text + id="text5985" + transform="translate(2117.5,547)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.28125" + y="14.5469" + id="tspan241">spermidine</tspan></text> + <g + id="Group 159"> + <path + id="R_SPRMS" + d="m 2158.54,509.48 0.44,38.294 m -0.09,-13.115 c 1.81,6.571 20.17,5.884 20.17,5.884 m -5.83,-21.675 c -9.08,-3.613 -14.85,5.05 -14.85,5.05" + stroke="#000000" + stroke-width="1.79549" /> + <path + id="F_SPRMS" + d="m 2171.94,520.617 c 9.25,-2.355 9.25,-2.355 9.25,-2.355 l -9.31,-1.902 2.35,2.072 z m -10.69,-7.827 c -0.89,-3.263 -1.79,-6.527 -2.68,-9.79 -1.02,3.225 -2.05,6.449 -3.07,9.674 0.97,-0.791 1.95,-1.583 2.92,-2.375 0.95,0.83 1.89,1.661 2.83,2.491 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text5999" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2181.5801" + y="543.87701" + id="tspan242">ametam</tspan></text> + <text + id="text6005" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2183.55" + y="520.40997" + id="tspan243">5mta</tspan></text> + </g> + <text + id="text6011" + transform="translate(2122.5,481)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.39843801" + y="14.5469" + id="tspan244">spermine</tspan></text> + <g + id="Group 161"> + <g + id="text6015"> + <text + transform="translate(2220,650)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text245"><tspan + x="8.7335901" + y="11.1602" + id="tspan245">⁺</tspan></text> + <text + transform="translate(2220,650)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text246"><tspan + x="0.0617189" + y="11.1602" + id="tspan246">H</tspan></text> + </g> + <g + id="text6019"> + <text + transform="translate(2221.5,632)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text247"><tspan + x="18.502001" + y="11.1602" + id="tspan247">₂</tspan></text> + <text + transform="translate(2221.5,632)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text248"><tspan + x="0.49023399" + y="11.1602" + id="tspan248">CO</tspan></text> + </g> + <path + id="R_ADMDC" + d="m 2211.5,638.5 c -8.71,0 -8.71,11.5 -8.71,11.5 m 0,0 c 0,9.692 14.71,6.5 14.71,6.5 m -14.71,-6.5 v -20.384 m 0,20.384 v 21" + stroke="#000000" + stroke-width="1.94434" /> + <path + id="F_ADMDC" + d="m 2210.5,640.5 c 3.11,-0.643 6.23,-1.287 9.34,-1.93 -3.07,-0.775 -6.14,-1.55 -9.21,-2.326 0.75,0.726 1.5,1.452 2.25,2.178 -0.79,0.692 -1.58,1.385 -2.38,2.078 z m -5.38,-8.686 c -0.86,-3.271 -1.72,-6.543 -2.59,-9.814 -1.05,3.215 -2.1,6.43 -3.16,9.646 0.98,-0.783 1.97,-1.566 2.95,-2.349 0.93,0.839 1.87,1.678 2.8,2.517 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text6029" + transform="translate(2186,671)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.21875" + y="14.5469" + id="tspan249">SAM</tspan></text> + </g> + <text + id="text6076" + transform="translate(2357.5,582)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.078125" + y="14.5469" + id="tspan250">5mdr1p</tspan></text> + <path + id="R_MTRI" + d="m 2385.5,552 v 30" + stroke="#000000" + stroke-width="2.24576" /> + <path + id="F_MTRI" + d="m 2388.02,555.092 c -0.89,-3.263 -1.78,-6.526 -2.68,-9.79 -1.02,3.225 -2.05,6.45 -3.07,9.674 0.98,-0.791 1.95,-1.583 2.93,-2.375 0.94,0.831 1.88,1.661 2.82,2.491 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text6104" + transform="translate(2352.5,522)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.1875" + y="14.5469" + id="tspan251">5mdru1p</tspan></text> + <g + id="Group 163"> + <path + id="R_MDRPD" + d="m 2370.8,502.868 c 9.08,-3.613 14.85,5.05 14.85,5.05 m -0.13,-20.331 0.43,32.112" + stroke="#000000" + stroke-width="1.90151" /> + <path + id="F_MDRPD" + d="m 2372.09,504.617 c -9.25,-2.355 -9.25,-2.355 -9.25,-2.355 l 9.31,-1.902 -2.35,2.072 z m 16.14,-13.827 c -0.89,-3.263 -1.78,-6.527 -2.68,-9.79 -1.02,3.225 -2.05,6.449 -3.07,9.674 0.98,-0.791 1.95,-1.583 2.93,-2.375 0.94,0.83 1.88,1.661 2.82,2.491 z" + stroke="#000000" + stroke-width="2.23952" /> + <g + id="text6124"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text252"><tspan + x="2345.55" + y="505.12201" + id="tspan252">₂</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text254"><tspan + x="2336.8799" + y="505.12201" + id="tspan253">H</tspan><tspan + x="2349.78" + y="505.12201" + id="tspan254">O</tspan></text> + </g> + </g> + <text + id="text6131" + transform="translate(2356.5,458)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.25781199" + y="14.5469" + id="tspan255">dkmpp</tspan></text> + <text + id="text6199" + transform="translate(2371,258)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.265625" + y="14.5469" + id="tspan256">met</tspan></text> + <g + id="Group 166"> + <text + id="text6213" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2309.53" + y="312.664" + id="tspan257">Gln</tspan></text> + <g + id="text6213_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text258"><tspan + x="2308.4199" + y="341.664" + id="tspan258">2 H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text259"><tspan + x="2327.1201" + y="341.664" + id="tspan259">⁺</tspan></text> + </g> + <text + id="text6217" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2299.6499" + y="286.14801" + id="tspan260">Glu</tspan></text> + <path + id="F_UNK2" + d="m 2330.15,281.124 c -8.85,3.558 -8.85,3.558 -8.85,3.558 l 9.47,0.654 -2.6,-1.743 z m 26.61,-8.372 c 3.26,-0.902 3.98,-1.932 7.24,-2.833 -3.23,-1.016 -3.91,-1.903 -7.14,-2.919 0.8,0.973 1.59,1.946 2.39,2.919 -0.83,0.944 -1.66,1.888 -2.49,2.833 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_UNK2" + d="m 2329.87,283.004 c 0,0 15.76,0 15.76,14 0,0 0,12.5 -15.76,12.5 m 30.87,38.318 h -15.11 c 0,0 0,-12.993 0,-21.318 m 15.11,-56.911 h -15.11 c 0,0 0,34.686 0,56.911 m 0,0 c 0,12.5 -15.76,12.5 -15.76,12.5" + stroke="#000000" + stroke-width="1.8047" /> + </g> + <g + id="Group 167"> + <g + id="text5784"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text262"><tspan + x="2320.3799" + y="247.16" + id="tspan261">H</tspan><tspan + x="2333.28" + y="247.16" + id="tspan262">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text263"><tspan + x="2329.05" + y="247.16" + id="tspan263">₂</tspan></text> + </g> + <text + id="text5784_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2355.27" + y="250.16" + id="tspan264">ATP</tspan></text> + <text + id="text5788" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2287.1599" + y="243.16" + id="tspan265">Pi</tspan></text> + <text + id="text5788_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2246.1599" + y="244.16" + id="tspan266">PPi</tspan></text> + <path + id="R_METAT" + d="m 2257.07,264.772 c 0,0 13.36,0 21.93,0 m 88,0 c 0,0 -8.55,0 -21,0 M 2292,252.5 c 0,12.272 19,12.272 19,12.272 19.5,0 19.5,-12.272 19.5,-12.272 m -51.5,12.272 c -21.93,0 -21.93,-12.272 -21.93,-12.272 m 21.93,12.272 c 20.65,0 48.25,0 67,0 m 0,0 c 21,0 21,-12.272 21,-12.272" + stroke="#000000" + stroke-width="2.25514" /> + <path + id="F_METAT" + d="m 2294,254.5 c -1.76,-9.374 -1.51,-9.165 -1.51,-9.165 l -2.49,9.165 2.22,-2.213 z m -35.83,7.575 c -9.8,2.62 -9.8,2.62 -9.8,2.62 l 9.65,3.131 -2.36,-2.94 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <text + id="text5820" + transform="translate(2209,255)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.21875" + y="14.5469" + id="tspan267">SAM</tspan></text> + <g + id="Group 169"> + <text + id="text5828" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2190.5801" + y="236.23199" + id="tspan268">THF</tspan></text> + <text + id="text5832" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2134.49" + y="236.16" + id="tspan269">5mTHF</tspan></text> + <path + id="R_HMR_3915" + d="m 2152.01,265.299 53.41,0.255 m -39.24,-19.774 c -3.85,11.991 4.38,19.832 4.38,19.832 m 20.37,-0.284 c 7.06,-1.862 6.75,-22.763 6.75,-22.763" + stroke="#000000" + stroke-width="2.23449" /> + <path + id="F_HMR_3915" + d="m 2167.22,251.021 c -1.76,-9.374 -1.76,-9.374 -1.76,-9.374 l -2.49,9.165 2.22,-2.213 z m -14.1,11.592 c -9.8,2.62 -9.8,2.62 -9.8,2.62 l 9.65,3.131 -2.36,-2.94 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <text + id="text5842" + transform="translate(2105,255)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.101562" + y="14.5469" + id="tspan270">SAH</tspan></text> + <g + id="Group 171"> + <g + id="text5854"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text272"><tspan + x="2090.3799" + y="246.16" + id="tspan271">H</tspan><tspan + x="2103.28" + y="246.16" + id="tspan272">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text273"><tspan + x="2099.05" + y="246.16" + id="tspan273">₂</tspan></text> + </g> + <text + id="text5858" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1991.12" + y="240.16" + id="tspan274">Adenosine</tspan></text> + <path + id="R_AHCi" + d="M 2001.45,264.291 H 2101.5 M 2021,252.5 c 0,11.791 28,11.791 28,11.791 m 31,0 c 21.5,0 21.5,-11.791 21.5,-11.791" + stroke="#000000" + stroke-width="2.23449" /> + <path + id="F_AHCi" + d="m 2023,252.5 c -1.76,-9.374 -1.73,-8.452 -1.73,-8.452 l -2.49,9.165 L 2021,251 Z m -20.44,9.103 c -9.81,2.62 -9.81,2.62 -9.81,2.62 l 9.65,3.131 -2.35,-2.939 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <g + id="Group 162"> + <path + id="R_MTAP" + d="m 2216,590.95 h 127.5 M 2241,577.5 c 0,13.45 15.5,13.45 15.5,13.45 m 16,0 c 22.5,0 22.5,-13.45 22.5,-13.45" + stroke="#000000" + stroke-width="2.38101" /> + <text + id="text6068" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2235.6599" + y="576.15997" + id="tspan275">Pi</tspan></text> + <text + id="text6072" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2265.74" + y="566.547" + id="tspan276">adenine</tspan></text> + <g + id="Group 151"> + <path + id="R_ADPT" + d="m 2295.82,495.92 0.34,56.393 m -0.63,-32.955 c -1.94,-6.549 -16.47,-4.059 -16.47,-4.059 m 2.84,21.065 c 9.39,2.737 14.31,-6.433 14.31,-6.433" + stroke="#000000" + stroke-width="1.90151" /> + <path + id="F_ADPT" + d="m 2298.48,501.33 c -0.89,-3.264 -1.78,-6.527 -2.68,-9.79 -1.02,3.224 -2.05,6.449 -3.07,9.674 0.98,-0.792 1.95,-1.584 2.92,-2.375 0.95,0.83 1.89,1.66 2.83,2.491 z m -14.76,11.837 c -8.98,3.219 -8.98,3.219 -8.98,3.219 l 9.44,1.013 -2.53,-1.84 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text6292" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2246.6599" + y="537.62903" + id="tspan277">PRPP</tspan></text> + <text + id="text6296" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2254.1201" + y="517.71698" + id="tspan278">PPi</tspan></text> + <text + id="text6300" + transform="translate(2277.91,468)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.21875" + y="14.5469" + id="tspan279">AMP</tspan></text> + </g> + <path + id="F_MTAP" + d="m 2341,594.128 c 9.22,-2.82 9.23,-2.82 9.23,-2.82 l -9.16,-3.029 2.26,2.951 z m -44.25,-14.442 c -1.81,-9.364 -1.81,-9.364 -1.81,-9.364 l -2.44,9.178 2.21,-2.225 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <g + id="Group 170"> + <text + id="text7058" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2009.27" + y="186.16" + id="tspan280">ATP</tspan></text> + <g + id="text7062"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text281"><tspan + x="2061.0601" + y="178.16" + id="tspan281">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text282"><tspan + x="2069.73" + y="178.16" + id="tspan282">⁺</tspan></text> + </g> + <text + id="text7062_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2079.1599" + y="177.16" + id="tspan283">ADP</tspan></text> + <text + id="text7072" + transform="translate(2102,198)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.21875" + y="14.5469" + id="tspan284">AMP</tspan></text> + <path + id="F_ADNK1" + d="m 2088.44,210.51 c 9.81,-2.62 9.81,-2.62 9.81,-2.62 l -9.66,-3.131 2.36,2.94 z m 4.41,-21.136 C 2091.08,180 2091.08,180 2091.08,180 l -2.49,9.165 2.22,-2.213 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_ADNK1" + d="m 2021.09,229.485 v -21.333 c 0,0 17.32,0 28.41,0 m 43.5,0 c 0,0 -26.51,0 -43.5,0 M 2021.09,188.5 c 0,19.652 13.41,19.652 13.41,19.652 m 29.5,0 c 27,0 27,-19.652 27,-19.652 m -41.5,19.652 c 14.5,0 14.5,-19.652 14.5,-19.652" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <g + id="Group 168"> + <text + id="text5868" + transform="translate(1950,254.679)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.359375" + y="14.5469" + id="tspan285">Hcys</tspan></text> + <path + id="F_METS" + d="m 2403.71,194.415 c 9.24,2.354 9.24,2.354 9.24,2.354 l -9.3,1.903 2.35,-2.072 z m -9.58,49.094 c -0.9,3.264 -1.79,6.527 -2.68,9.79 -1.03,-3.225 -2.05,-6.449 -3.07,-9.674 0.97,0.792 1.94,1.583 2.92,2.375 0.94,-0.83 1.88,-1.66 2.83,-2.491 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_METS" + d="m 2391.33,191.043 c 1.45,6.634 16.04,5.94 16.04,5.94 m 0.26,-21.765 c -10.16,-3.496 -16.61,4.886 -16.61,4.886 M 1974,256.5 V 156 h 417 v 95" + stroke="#000000" + stroke-width="1.70354" /> + <text + id="text2998" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2411.3101" + y="176.722" + id="tspan286">5mTHF</tspan></text> + <text + id="text3002" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2416.54" + y="199.642" + id="tspan287">THF</tspan></text> + </g> + <g + id="Group 164"> + <path + id="R_DKMPPD" + d="m 2400.27,395.262 c -14.68,0 -14.68,10.5 -14.68,10.5 m 14.68,30.5 c 0,0 -14.68,1.5 -14.68,-13.5 0,0 0,-10.5 14.68,-10.5 m -14.68,-45.882 v 93.382 m 14.68,-80.5 c -14.68,0 -14.68,10.5 -14.68,10.5 m 0,50.5 c 0,15 14.68,13.5 14.68,13.5" + stroke="#000000" + stroke-width="1.90151" /> + <g + id="F_DKMPPD"> + <path + d="m 2388.25,371.79 c -0.89,-3.263 -1.79,-6.527 -2.68,-9.79 -1.02,3.225 -2.05,6.449 -3.07,9.674 0.97,-0.791 1.95,-1.583 2.92,-2.375 0.95,0.83 1.89,1.661 2.83,2.491 z m 9.02,9.57 c 9.25,-2.355 9.25,-2.355 9.25,-2.355 l -9.31,-1.902 2.35,2.072 z" + stroke="#000000" + stroke-width="2.23952" + id="path287" /> + <path + d="m 2407.27,395.262 -9.24,2.355 2.29,-2.185 -2.35,-2.072 z" + stroke="#000000" + stroke-width="2.23952" + id="path288" /> + <path + d="m 2406.52,412.407 -9.25,2.355 2.29,-2.185 -2.35,-2.072 z" + stroke="#000000" + stroke-width="2.23952" + id="path289" /> + </g> + <g + id="text6151"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text289"><tspan + x="2410.3301" + y="440.422" + id="tspan289">₂</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text291"><tspan + x="2401.6599" + y="440.422" + id="tspan290">H</tspan><tspan + x="2414.55" + y="440.422" + id="tspan291">O</tspan></text> + </g> + <g + id="text6151_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text292"><tspan + x="2410.9399" + y="458.422" + id="tspan292">₂</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text293"><tspan + x="2401.6001" + y="458.422" + id="tspan293">O</tspan></text> + </g> + <text + id="Pi" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2409.4399" + y="416.422" + id="tspan294">Pi</tspan></text> + <g + id="2 H+"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text295"><tspan + x="2428.02" + y="399.422" + id="tspan295">⁺</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text296"><tspan + x="2409.3301" + y="399.422" + id="tspan296">2 H</tspan></text> + </g> + <text + id="formate" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2408.4199" + y="383.422" + id="tspan297">formate</tspan></text> + </g> + <text + id="text6163" + transform="translate(2364.5,339)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.0859375" + y="14.5469" + id="tspan298">2kmb</tspan></text> + <g + id="Group 165"> + <path + id="R_UNK3" + d="m 2400.23,301.868 c -9.08,-3.613 -14.85,5.051 -14.85,5.051 m 0.51,10.741 c 1.81,6.571 20.17,5.883 20.17,5.883 m -20.47,-39.162 0.34,56.393" + stroke="#000000" + stroke-width="1.90151" /> + <path + id="F_UNK3" + d="m 2388.25,289.79 c -0.89,-3.263 -1.79,-6.527 -2.68,-9.79 -1.02,3.225 -2.05,6.449 -3.07,9.674 0.97,-0.791 1.95,-1.583 2.92,-2.375 0.95,0.83 1.89,1.661 2.83,2.491 z m 10.69,13.827 c 9.25,-2.355 9.25,-2.355 9.25,-2.355 l -9.31,-1.902 2.35,2.072 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text6189" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2408.77" + y="325.91101" + id="tspan299">Glu</tspan></text> + <text + id="text6193" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2411.73" + y="305.88901" + id="tspan300">AKG</tspan></text> + </g> + <g + id="Group 150"> + <path + id="F_ORNDC" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 2052.5,643 8.5,-3.5 -7,-1.5 1,1.5 z m -115.5,14.5 6.48,2.266 1.52,-2.266 1.48,5.766 z" + stroke="#000000" + stroke-width="1.95125" /> + <path + id="R_ORNDC" + d="m 1660.5,639.498 c 0,0 154.5,0 253.5,0 m 142,0 c 0,0 -86.55,0 -142,0 m 0,0 c 29.5,0 29.5,20 29.5,20" + stroke="#000000" + stroke-width="1.66562" /> + <g + id="text7967-0-3-65-1-2-4-9-8-0-9"> + <text + transform="translate(1939,664)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text301"><tspan + x="18.502001" + y="11.1602" + id="tspan301">₂</tspan></text> + <text + transform="translate(1939,664)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text302"><tspan + x="0.49023399" + y="11.1602" + id="tspan302">CO</tspan></text> + </g> + </g> + <g + id="Group 153"> + <text + id="text7967-0-3-9-14-8-1-9" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1894.2" + y="628.547" + id="tspan303">hcarn</tspan></text> + <text + id="text7967-0-3-65-5-3-5-1-2-8-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1877.27" + y="572.15997" + id="tspan304">ATP</tspan></text> + <text + id="text7967-0-3-65-5-3-5-1-2-8-8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1938.5" + y="591.15997" + id="tspan305">AMP</tspan></text> + <text + id="text7967-0-3-65-5-3-5-1-2-8-2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1938.16" + y="607.15997" + id="tspan306">PPi</tspan></text> + <text + id="text7967-0-3-9-14-8-1-8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1875.04" + y="554.547" + id="tspan307">His</tspan></text> + <g + id="text7967-0-3-65-5-3-5-1-2-8-8-6"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text308"><tspan + x="1938.05" + y="568.15997" + id="tspan308">2 H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text309"><tspan + x="1956.74" + y="568.15997" + id="tspan309">⁺</tspan></text> + </g> + <path + id="R_r0465_1" + d="m 1915.43,549.754 c 0.31,7.12 12.67,9.775 12.67,9.775 m -12.33,-14.599 -0.14,62.323 m -0.2,-34.032 c 0.31,7.119 12.67,9.775 12.67,9.775 m -12.67,5.158 c 0.31,7.12 12.67,9.775 12.67,9.775 m -12.31,-37.706 c -0.92,-7.067 -13.46,-8.655 -13.46,-8.655 m 13.46,25.721 c -0.92,-7.066 -13.46,-8.654 -13.46,-8.654" + stroke="#000000" + stroke-width="2.59711" /> + <path + id="F_r0465_1" + d="m 1926.7,600.67 c 7.18,0.889 7.18,0.889 7.18,0.889 l -5.24,-4.996 0.58,2.789 z m 0,-14.933 c 7.18,0.889 7.18,0.889 7.18,0.889 l -5.24,-4.996 0.58,2.789 z m 0,-23.467 c 7.18,0.889 7.18,0.889 7.18,0.889 l -5.24,-4.996 0.58,2.789 z m -13.82,44.514 c 3.26,9.614 3.26,9.614 3.26,9.614 l 2.49,-9.839 -2.78,2.544 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="Group 154"> + <path + id="R_ABUTH" + d="m 1986.97,568.825 c -13.98,2.528 -14.35,11.184 -14.35,11.184 m 0.21,13.917 c 0.32,7.12 12.88,9.775 12.88,9.775 M 1944,537.5 h 28.62 l 0.21,88 h -32.33" + stroke="#000000" + stroke-width="2.49634" /> + <g + id="text7967-0-3-65-5-3-5-1-5"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text310"><tspan + x="1997.05" + y="609.15997" + id="tspan310">₂</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text312"><tspan + x="1988.38" + y="609.15997" + id="tspan311">H</tspan><tspan + x="2001.28" + y="609.15997" + id="tspan312">O</tspan></text> + </g> + <text + id="text7967-0-3-9-14-8-1-8-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1994.04" + y="573.547" + id="tspan313">His</tspan></text> + <path + id="F_ABUTH" + d="m 1986.55,571.054 c 5.12,-5.115 5.12,-5.115 5.12,-5.115 l -7.17,1.061 2.56,1.255 z M 1949.89,535 c -9.89,2.283 -9.89,2.283 -9.89,2.283 l 9.54,3.459 -2.25,-3.018 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="Group 155"> + <text + id="text7967-0-3-9-14-8-1-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2040.26" + y="539.547" + id="tspan314">4abutn</tspan></text> + <path + id="R_ABUTD" + d="m 1974,531.108 c -12,0 -12,-8.108 -12,-8.108 m 57,0 c 0,8.108 -13,8.108 -13,8.108 M 1989,523 c 0,8.108 -11,8.108 -11,8.108 m 60.5,0 H 1946" + stroke="#000000" + stroke-width="1.9651" /> + <g + id="text7967-0-3-65-5-3-5-1-4"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text315"><tspan + x="1987.05" + y="518.15997" + id="tspan315">₂</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text317"><tspan + x="1978.38" + y="518.15997" + id="tspan316">H</tspan><tspan + x="1991.28" + y="518.15997" + id="tspan317">O</tspan></text> + </g> + <g + id="text7967-0-3-65-5-3-5-1-4-4"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text318"><tspan + x="2006.22" + y="521.15997" + id="tspan318">NAD</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text319"><tspan + x="2031.5699" + y="521.15997" + id="tspan319">⁺</tspan></text> + </g> + <path + id="F_ABUTD" + d="m 1960,523 c 2.33,-6.85 2.33,-6.85 2.33,-6.85 l 2.21,6.899 -2.25,-1.743 z m -10.34,11.204 c -9.66,-3.128 -9.66,-3.128 -9.66,-3.128 l 9.81,-2.623 -2.51,2.812 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="Group 152"> + <text + id="text7967-0-3-9-14-8-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1893.15" + y="539.547" + id="tspan320">4abut</tspan></text> + <g + id="text7967-0-3-65-5-3-5-1-2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text321"><tspan + x="1954.5" + y="510.16" + id="tspan321">₂</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text322"><tspan + x="1936.49" + y="510.16" + id="tspan322">CO</tspan></text> + </g> + <g + id="text7967-0-3-65-5-3-5-1-4-4-4"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text323"><tspan + x="1929.0601" + y="488.16" + id="tspan323">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text324"><tspan + x="1937.73" + y="488.16" + id="tspan324">⁺</tspan></text> + </g> + <text + id="text7967-0-3-65-5-3-5-1-4-4-4_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1928.49" + y="471.16" + id="tspan325">NADH</tspan></text> + <path + id="F_GLUDC" + d="m 1912,514.382 c 3.26,9.614 3.26,9.614 3.26,9.614 l 2.49,-9.839 -2.78,2.544 z m 13.82,-10.38 c 7.18,0.888 7.18,0.888 7.18,0.888 l -5.25,-4.995 0.59,2.789 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_GLUDC" + d="m 1914.74,457 c 0,0 0,18.947 0,25 m 0,34.264 c 0,0 0,-17.173 0,-34.264 m 12.48,19.261 c 0,0 -12.36,-2.656 -12.68,-9.775 0.2,-7.986 12.68,-7.986 12.68,-7.986 m -12.48,-1.5 c 0,-15.5 12.48,-15.5 12.48,-15.5" + stroke="#000000" + stroke-width="2.59711" /> + <text + id="text7967-0-3-9-14-8-12" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1901.16" + y="453.547" + id="tspan326">Glu</tspan></text> + </g> + <g + id="g76852"> + <path + id="R_PTRCOX1" + d="m 2083.91,631.5 v -82 m 0.02,53.5 C 2083.97,587.152 2070,587.152 2070,587.152 m 14.47,-15.129 c -0.28,-7.122 -12.62,-9.838 -12.62,-9.838 m 12.12,26.315 c -0.04,13.721 13.41,13.721 13.41,13.721 m -13.33,-32.136 c 0.89,7.071 13.43,8.721 13.43,8.721" + stroke="#000000" + stroke-width="2.47001" /> + <g + id="text7967-0-3-65-5-3-5-1-5-4"> + <text + transform="translate(2099.5,596.5)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text327"><tspan + x="9.0541096" + y="11.1602" + id="tspan327">₂</tspan></text> + <text + transform="translate(2099.5,596.5)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text329"><tspan + x="0.38223499" + y="11.1602" + id="tspan328">H</tspan><tspan + x="13.2779" + y="11.1602" + id="tspan329">O</tspan></text> + </g> + <g + id="text7967-0-3-65-5-3-5-1-5-1"> + <text + transform="translate(2100,572)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text330"><tspan + x="9.6660204" + y="11.1602" + id="tspan330">₂</tspan></text> + <text + transform="translate(2100,572)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text331"><tspan + x="0.32617199" + y="11.1602" + id="tspan331">O</tspan></text> + </g> + <g + id="text7967-0-3-65-5-3-5-1-5-4-8"> + <text + transform="translate(2035,578)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text333"><tspan + x="9.0502005" + y="11.1602" + id="tspan332">₂</tspan><tspan + x="22.613899" + y="11.1602" + id="tspan333">₂</tspan></text> + <text + transform="translate(2035,578)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text335"><tspan + x="0.378328" + y="11.1602" + id="tspan334">H</tspan><tspan + x="13.274" + y="11.1602" + id="tspan335">O</tspan></text> + </g> + <g + id="text7967-0-3-65-5-3-5-1-5-4-6"> + <text + transform="translate(2042,553)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text336"><tspan + x="17.667999" + y="11.1602" + id="tspan336">₃</tspan></text> + <text + transform="translate(2042,553)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text337"><tspan + x="0.32421899" + y="11.1602" + id="tspan337">NH</tspan></text> + </g> + <path + id="F_PTRCOX1" + d="m 2071.52,586.431 -7.17,-1.027 5.15,5.096 -0.53,-2.8 z m 1.69,-25.755 -7.17,-1.027 5.15,5.096 -0.53,-2.8 z m 13.29,-9.176 -2.5,-5 -2,5 2,-1 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="Group 173"> + <text + id="text6041" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2492.49" + y="712.547" + id="tspan338">Putr</tspan></text> + <g + id="Group 146"> + <path + id="R_PTRCtex2" + d="m 2541.14,709.466 h 79.36" + stroke="#000000" + stroke-width="2.38614" /> + <path + id="F_PTRCtex2" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 2616,707 9.65,2.963 -9.65,2.963 2.41,-2.963 z" + stroke="#000000" + stroke-width="2.32327" /> + <path + id="B_PTRCtex2" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 2542.65,711.926 -9.65,-2.963 9.65,-2.963 -2.41,2.963 z" + stroke="#000000" + stroke-width="2.32327" /> + </g> + <g + id="Group 148"> + <path + id="R_SPRMti" + d="m 2533.5,755.562 h 86.28" + stroke="#000000" + stroke-width="2.55439" /> + <text + id="text6049" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2458.3999" + y="759.547" + id="tspan339">spermine</tspan></text> + <path + id="F_SPRMti" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 2617.97,752.005 9.65,2.963 -9.65,2.963 2.42,-2.963 z" + stroke="#000000" + stroke-width="2.32327" /> + </g> + <g + id="Group 149"> + <path + id="R_SPMDtex2" + d="m 2533.5,776.96 h 85.9" + stroke="#000000" + stroke-width="2.55439" /> + <text + id="text6242" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2444.28" + y="781.547" + id="tspan340">spermidine</tspan></text> + <path + id="F_SPMDtex2" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 2618.35,774.165 9.65,2.963 -9.65,2.963 2.41,-2.963 z" + stroke="#000000" + stroke-width="2.32327" /> + </g> + <g + id="Group 147"> + <path + id="R_Dm2oxobutyrate" + d="M 2619.29,733.616 H 2532" + stroke="#000000" + stroke-width="2.51927" /> + <path + id="F_Dm2oxobutyrate" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 2621.67,733.378 -3,-3.009 12.27,3.168 -12.44,2.743 z" + stroke="#000000" + stroke-width="2.62587" /> + <text + id="text6757" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2483.21" + y="737.547" + id="tspan341">2obut</tspan></text> + </g> + </g> + <g + id="Group 23"> + <text + id="text5301" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="438.09399" + y="199.547" + id="tspan342">6Pgl</tspan></text> + <g + id="text6967-4-2-2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text343"><tspan + x="279.22198" + y="221.16" + id="tspan343">NADP</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text344"><tspan + x="312.573" + y="221.16" + id="tspan344">⁺</tspan></text> + </g> + <text + id="text6973-9-4-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="394.48801" + y="224.16" + id="tspan345">NADPH</tspan></text> + <g + id="text6973-9-4-6_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text346"><tspan + x="372.06201" + y="222.16" + id="tspan346">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text347"><tspan + x="380.73401" + y="222.16" + id="tspan347">⁺</tspan></text> + </g> + <text + id="text5365" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="521.203" + y="199.547" + id="tspan348">6PDG</tspan></text> + <g + id="text6967-4-2-2-5"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text349"><tspan + x="563.22198" + y="219.16" + id="tspan349">NADP</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text350"><tspan + x="596.573" + y="219.16" + id="tspan350">⁺</tspan></text> + </g> + <text + id="text6973-9-4-6-5" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="661.48798" + y="225.16" + id="tspan351">NADPH</tspan></text> + <g + id="text6973-9-4-6-5_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text352"><tspan + x="632.48999" + y="225.16" + id="tspan352">CO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text353"><tspan + x="650.50201" + y="225.16" + id="tspan353">₂</tspan></text> + </g> + <g + id="text6973-9-4-6-5_3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text354"><tspan + x="611.06201" + y="225.16" + id="tspan354">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text355"><tspan + x="619.73401" + y="225.16" + id="tspan355">⁺</tspan></text> + </g> + <text + id="text5423" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="723.039" + y="199.547" + id="tspan356">Ru5P</tspan></text> + <path + id="F_PGL" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 510.346,192 c 7.856,2.321 7.856,2.321 7.856,2.321 l -7.856,2.321 1.964,-2.321 z" + stroke="#000000" + stroke-width="2.15194" /> + <g + id="text6955-8-8"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text358"><tspan + x="478.702" + y="218.269" + id="tspan357">H</tspan><tspan + x="491.59698" + y="218.269" + id="tspan358">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text359"><tspan + x="487.37299" + y="218.269" + id="tspan359">₂</tspan></text> + </g> + <path + id="R_G6PDH2r" + d="m 275,194.187 c 0,0 113.403,0 130,0 m 22.984,0 c 0,0 -15.57,0 -22.984,0 M 377.5,205 C 379,196 372,194.187 372,194.187 m -61,0 c -19,0 -19,7.813 -19,7.813 m 113,-7.813 C 413.5,198 412.5,205 412.5,205" + stroke="#000000" + stroke-width="2.22" /> + <path + id="R_PGL" + d="m 496.863,194.307 c -5.445,0.468 -6.668,12.806 -6.668,12.806 M 475,194.178 h 36.052" + stroke="#000000" + stroke-width="2.22" /> + <path + id="R_GND" + d="m 568,194.529 c 0,0 43.578,0 71.5,0 m 71.5,0 c 0,0 -24.456,0 -35,0 m -60.619,13.466 C 617.908,199.345 611.578,194 611.578,194 m -27.439,0.069 c -5.305,1.312 -4.588,13.69 -4.588,13.69 M 639.5,194.529 C 645.5,199.5 643,206 643,206 m -3.5,-11.471 c 17.378,0 19.122,0 36.5,0 m 0,0 C 683.5,199 679.5,206 679.5,206" + stroke="#000000" + stroke-width="2.22" /> + <path + id="B_G6PDH2r" + d="m 275.5,191.5 -5.5,2.249 5.5,2.251 -1,-2.251 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="F_G6PDH2r" + d="m 424.644,196.415 c 7.855,-2.321 7.855,-2.321 7.855,-2.321 l -7.855,-2.322 1.964,2.322 z" + stroke="#000000" + stroke-width="2.23952" + stroke-miterlimit="5.75877" /> + <path + id="F_GND" + d="m 614,207 1.612,4.5 1.817,-5.101 -1.817,1.759 z" + stroke="#000000" + stroke-width="2.23952" + stroke-miterlimit="5.75877" /> + <text + id="text6925-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="830.73199" + y="260.16" + id="tspan360">AMP</tspan></text> + <text + id="text6919-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="789.508" + y="267.16" + id="tspan361">ATP</tspan></text> + <path + id="R_PRPPS" + d="m 833.734,281.639 c 10.5,-0.227 8.5,-11.639 8.5,-11.639 m -42,0 c -2.542,9.137 7,11.412 7,11.412 M 771,281.639 h 142.234" + stroke="#000000" + stroke-width="1.66214" /> + <path + id="F_PRPPS" + d="m 844.169,270.087 c -1.947,-7.446 -1.947,-7.446 -1.947,-7.446 l -1.488,7.518 1.66,-1.906 z m 68.565,9.413 4,1.982 -4,1.518 1,-1.518 z" + stroke="#000000" + stroke-width="2.23952" + stroke-miterlimit="5.75877" /> + <text + id="text5423-5" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="735.42999" + y="285.547" + id="tspan362">R5P</tspan></text> + <path + id="R_RPI" + d="m 748.844,216.455 v 44.36" + stroke="#000000" + stroke-width="1.95125" /> + <path + id="F_RPI" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 751.437,260.268 c -2.321,7.855 -2.321,7.855 -2.321,7.855 l -2.321,-7.855 2.321,1.963 z" + stroke="#000000" + stroke-width="2.15194" /> + <path + id="B_RPI" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 746.391,216.36 2.321,-7.855 2.322,7.855 -2.322,-1.964 z" + stroke="#000000" + stroke-width="2.15194" /> + <path + id="F_RPE" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 695.719,260.514 -2.224,7.457 -2.495,-7.371 2.394,1.81 z" + stroke="#000000" + stroke-width="2.61244" /> + <text + id="text5423-5-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="673.422" + y="285.547" + id="tspan363">Xil5P</tspan></text> + <path + id="R_RPE" + d="m 693.954,265.267 c 0.981,-7.257 -1.907,-24.438 8.205,-24.436 15.972,0.005 36.578,0.722 36.565,-0.777 -0.314,-36.694 -0.111,24.899 -0.111,-28.179" + stroke="#000000" + stroke-width="2.2" /> + <path + id="B_TKT1" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 705.388,295.579 -1.821,-5.561 5.448,1.677 -2.531,0.918 z m 26.833,-2.8 5.385,-2.17 -3.328,5.208 0.061,-2.441 z" + stroke="#000000" + stroke-width="2.01493" + stroke-miterlimit="5.75877" /> + <path + id="F_TKT1" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 735.274,315.056 1.37,4.046 -3.966,-1.128 2.023,-0.692 z m -32.157,4.345 -4.551,1.471 2.129,-3.933 0.364,1.689 z" + stroke="#000000" + stroke-width="2.01493" + stroke-miterlimit="7.6613" /> + <path + id="R_TKT1" + d="m 733.553,294.128 -31.515,23.784 m 4.666,-24.566 28.489,24.208" + stroke="#000000" + stroke-width="1.89532" /> + <text + id="text5423-5-7-0-0" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="667.03101" + y="338.547" + id="tspan364">Sed7P</tspan></text> + <text + id="text5423-5-7-5-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="723.203" + y="338.547" + id="tspan365">GA3P</tspan></text> + <path + id="B_TALA" + fill-rule="evenodd" + clip-rule="evenodd" + d="M 734.93,348.711 C 737.415,343 737.415,343 737.415,343 l -4.885,3 2.121,0.267 z m -21.592,-1.458 c -5.024,-2.679 -5.024,-2.679 -5.024,-2.679 l 2.76,5.54 0.159,-2.458 z" + stroke="#000000" + stroke-width="1.99646" /> + <path + id="F_TALA" + fill-rule="evenodd" + clip-rule="evenodd" + d="M 710.597,372.745 C 708,378.389 708,378.389 708,378.389 l 4.943,-2.872 -2.116,-0.322 z m 22.685,4.164 c 4.979,2.785 4.979,2.785 4.979,2.785 l -2.67,-5.598 -0.198,2.454 z" + stroke="#000000" + stroke-width="1.99646" /> + <path + id="R_TALA" + d="m 710.371,346.635 24.481,28.284 M 735.481,345.653 711,373.937" + stroke="#000000" + stroke-width="1.99646" /> + <text + id="text5423-5-7-5-7-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="730.32001" + y="394.547" + id="tspan366">F6P</tspan></text> + <text + id="text5423-5-7-0-97-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="480.07001" + y="338.547" + id="tspan367">Sed1,7BP</tspan></text> + <text + id="text5423-5-7-0-9-85-9" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="430.30499" + y="360.547" + id="tspan368">Ery4P</tspan></text> + <text + id="text5423-5-7-0-9-85-2-0" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="386.32001" + y="338.547" + id="tspan369">DHAP</tspan></text> + <text + id="text6919-6-3-1" + transform="translate(624,302)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.27343801" + y="11.1602" + id="tspan370">ATP</tspan></text> + <text + id="text6919-6-3-4-9" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="573.15997" + y="313.16" + id="tspan371">ADP</tspan></text> + <path + id="R_r0408" + d="M 586.5,333.616 C 577.5,330.5 582,322 582,322 m 53.5,1 c 1.379,8.906 -8.5,10.616 -8.5,10.616 m 26.381,0 H 565" + stroke="#000000" + stroke-width="1.95125" /> + <path + id="F_r0408" + d="m 579.5,322.5 3.5,-5 1,6 -2,-2 z m -13.12,9.037 -5.38,2.386 4.5,1.577 -0.939,-1.577 z" + stroke="#000000" + stroke-width="2.23952" + stroke-miterlimit="5.75877" /> + <path + id="B_r0408" + d="m 633.5,323 1.5,-5 2,5 -2,-1.5 z m 19.379,12.802 7.278,-2.755 -7.531,-1.959 1.978,2.257 z" + stroke="#000000" + stroke-width="2.23952" + stroke-miterlimit="5.75877" /> + <path + id="R_r0407" + d="m 440.923,334.15 24.817,0.279 M 454.939,334 c -5.475,0.93 -4.547,9.214 -4.547,9.214" + stroke="#000000" + stroke-width="1.86453" /> + <path + id="B_r0407" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 464.801,336.639 c 2.589,-0.868 5.178,-1.736 7.766,-2.605 -2.644,-0.678 -5.289,-1.356 -7.934,-2.034 0.682,0.749 1.364,1.499 2.047,2.248 -0.626,0.797 -1.253,1.594 -1.879,2.391 z" + stroke="#000000" + stroke-width="1.95125" /> + <path + id="F_r0407" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 443.8,332.084 c -7.8,2.503 -7.8,2.503 -7.8,2.503 l 7.907,2.138 -2.017,-2.275 z m 5.047,10.192 1.653,5.224 2.34,-5.025 -2.079,1.615 z" + stroke="#000000" + stroke-width="1.95125" + stroke-miterlimit="5.75877" /> + <text + id="text5423-5-7-0-9-87" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="675.30499" + y="394.547" + id="tspan372">Ery4P</tspan></text> + <path + id="B_TKT2" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 668.971,394.439 c 3.339,-4.178 3.339,-4.178 3.339,-4.178 l -6.905,2.295 3.064,0.132 z m -1.816,17.959 c 7.116,2.067 7.116,2.067 7.116,2.067 l -3.739,-4.063 -0.332,1.764 z" + stroke="#000000" + stroke-width="2.03254" /> + <path + id="F_TKT2" + fill-rule="evenodd" + clip-rule="evenodd" + d="M 638.471,409.413 C 635,413.555 635,413.555 635,413.555 l 6.977,-2.22 -3.059,-0.166 z m 3.576,-17.254 C 635.013,390 635.013,390 635.013,390 l 3.579,4.111 0.4,-1.76 z" + stroke="#000000" + stroke-width="2.03254" /> + <path + id="R_TKT2" + d="m 669.907,392.554 -31.661,18.291 m 32.761,0.47 -31.661,-18.291" + stroke="#000000" + stroke-width="1.8258" /> + <text + id="text5423-5-7-0-9-8-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="588.203" + y="419.547" + id="tspan373">GA3P</tspan></text> + <text + id="text5423-5-7-5-7-4-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="600.32001" + y="392.547" + id="tspan374">F6P</tspan></text> + <text + id="text5423-5-7-7-8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="675.422" + y="419.547" + id="tspan375">Xil5P</tspan></text> + <path + id="B_RPE" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 741.038,215.457 -2.224,-7.457 -2.496,7.371 2.394,-1.811 z" + stroke="#000000" + stroke-width="2.61244" /> + </g> + <g + id="Group 24"> + <text + id="text5630" + transform="rotate(0.808348,-28675.529,115046.02)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.160156" + y="11.1602" + id="tspan376">ADP</tspan></text> + <text + id="text5634" + transform="rotate(-0.829907,29539.626,-109837.75)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.27343801" + y="11.1602" + id="tspan377">ATP</tspan></text> + <text + id="text5640" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1641.49" + y="406.547" + id="tspan378">dTTP</tspan></text> + <path + id="B_NDPK4" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1610.24,408.854 c 1.9,5.513 1.9,5.513 1.9,5.513 l 1.9,-5.514 -1.9,1.379 z M 1607.52,398 c -7.52,2.457 -7.52,2.457 -7.52,2.457 l 7.64,2.023 -1.95,-2.186 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <path + id="F_NDPK4" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1629.41,402.702 c 7.55,-2.358 7.55,-2.358 7.55,-2.358 l -7.62,-2.124 1.93,2.212 z m -7,6.152 c 1.83,5.701 1.83,5.701 1.83,5.701 l 1.28,-5.879 -1.49,1.536 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <g + id="R_NDPK4"> + <path + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1617.22,400.462 c -5.26,0.758 -5.05,9.322 -5.05,9.322 z m 6.46,9.809 c 2.83,-5.9 -3.18,-9.764 -3.18,-9.764 z m 6.09,-9.856 -24.35,0.11 z" + fill="#2b0000" + id="path378" /> + <path + d="m 1617.22,400.462 c -5.26,0.758 -5.05,9.322 -5.05,9.322 m 11.51,0.487 c 2.83,-5.9 -3.18,-9.764 -3.18,-9.764 m 9.27,-0.092 -24.35,0.11" + stroke="#000000" + stroke-width="1.95125" + id="path379" /> + </g> + <path + id="R_OMPDC" + d="m 1104.46,353.046 c 6.96,-1.373 5.19,-12.972 5.19,-12.972 M 1088,353.046 c 6.96,-1.373 1.5,-12.972 1.5,-12.972 m -25.5,13.35 c 6.5,-3.424 0,-13.35 0,-13.35 m -43.5,13.35 c 6.96,-1.373 7,-12.974 7,-12.974 M 942,293 v 60.424 h 181 m -39.47,0.037 c -7.02,1.54 -6.42,12.951 -6.42,12.951 m -15.48,-12.951 c -7.03,1.54 -6.43,12.951 -6.43,12.951 m -25.37,-12.951 c -7.03,1.54 -6.43,12.951 -6.43,12.951 m -16.66,-12.951 c -7.025,1.54 -6.42,12.951 -6.42,12.951 M 983.556,354.05 c -7.029,1.539 -6.428,12.95 -6.428,12.95 m -19.331,-13.408 c -7.03,1.54 -6.428,12.951 -6.428,12.951 m 48.951,-13.119 c 6.95,-1.373 5.18,-12.974 5.18,-12.974 m -32,12.974 c 6.959,-1.372 5,-14.424 5,-14.424" + stroke="#000000" + stroke-width="2.20342" /> + <text + id="text7967-4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="922" + y="288.31201" + id="tspan379">PRPP</tspan></text> + <text + id="text6997-5-1-8-3-7-4-9" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="988.49402" + y="305.16" + id="tspan380">Gly</tspan></text> + <text + id="text6997-5-1-8-3-71-2-7-5" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1041.47" + y="305.16" + id="tspan381">2 10fTHF</tspan></text> + <text + id="text6997-5-1-8-3-7-7-9-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="959.42999" + y="260.16" + id="tspan382">2 THF</tspan></text> + <text + id="text6997-5-1-8-3-71-5-6-19" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1066.16" + y="261.16" + id="tspan383">PPi</tspan></text> + <text + id="text6997-5-1-8-3-71-5-7-36-5" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1125.48" + y="261.16" + id="tspan384">4 ADP</tspan></text> + <text + id="text6997-5-1-8-3-71-5-7-3-5-0" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1033.49" + y="260.16" + id="tspan385">Fum</tspan></text> + <text + id="text7967-5-8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="957.14502" + y="305.16" + id="tspan386">2 Gln</tspan></text> + <text + id="text6997-5-1-8-3-71-5-6-1-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="999.14502" + y="260.16" + id="tspan387">2 Glu</tspan></text> + <text + id="text6997-5-1-8-3-7-4-9-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1132.1" + y="305.16" + id="tspan388">4 ATP</tspan></text> + <text + id="text6997-5-1-8-3-7-4-9-2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1010.16" + y="304.16" + id="tspan389">Asp</tspan></text> + <g + id="text6997-5-1-8-3-7-4-9-7"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text391"><tspan + x="1101.38" + y="305.16" + id="tspan390">H</tspan><tspan + x="1114.28" + y="305.16" + id="tspan391">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text392"><tspan + x="1110.05" + y="305.16" + id="tspan392">₂</tspan></text> + </g> + <g + id="text7967-5-8-5"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text393"><tspan + x="1169.49" + y="305.16" + id="tspan393">CO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text394"><tspan + x="1187.5" + y="305.16" + id="tspan394">₂</tspan></text> + </g> + <text + id="text6997-5-1-8-3-7-4-9-4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1012.16" + y="377.16" + id="tspan395">Asp</tspan></text> + <text + id="text6997-5-1-8-3-71-2-7-5-2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="928.09802" + y="377.16" + id="tspan396">2 ATP</tspan></text> + <g + id="text6997-5-1-8-3-7-7-9-1-8"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text397"><tspan + x="965.48999" + y="328.16" + id="tspan397">QH</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text398"><tspan + x="983.50201" + y="328.16" + id="tspan398">₂</tspan></text> + </g> + <text + id="text6997-5-1-8-3-71-5-7-36-5-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1017.48" + y="330.16" + id="tspan399">2 ADP</tspan></text> + <text + id="text7967-5-8-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="968.15399" + y="377.16" + id="tspan400">Gln</tspan></text> + <text + id="text6997-5-1-8-3-71-5-6-1-3-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="993.15399" + y="330.16" + id="tspan401">Glu</tspan></text> + <g + id="text6997-5-1-8-3-7-4-9-6-3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text402"><tspan + x="1064.35" + y="377.16" + id="tspan402">HCO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text403"><tspan + x="1091.03" + y="377.16" + id="tspan403">₃</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text404"><tspan + x="1095.25" + y="377.16" + id="tspan404">⁻</tspan></text> + </g> + <text + id="text6997-5-1-8-3-7-4-9-2-2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="995.33002" + y="377.16" + id="tspan405">Q</tspan></text> + <g + id="text6997-5-1-8-3-7-4-9-7-7"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text406"><tspan + x="1048.0601" + y="377.16" + id="tspan406">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text407"><tspan + x="1056.73" + y="377.16" + id="tspan407">⁺</tspan></text> + </g> + <text + id="text6997-5-1-8-3-71-5-7-36-5-8-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1083.84" + y="331.27802" + id="tspan408">PPi</tspan></text> + <g + id="text6997-5-1-8-3-71-5-7-36-5-8-9"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text409"><tspan + x="1107.49" + y="331.16" + id="tspan409">CO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text410"><tspan + x="1125.5" + y="331.16" + id="tspan410">₂</tspan></text> + </g> + <text + id="text7967-0-3-6-2-78" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1221.1" + y="358.547" + id="tspan411">UDP</tspan></text> + <text + id="text7967-0-3-65-5-4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1171.27" + y="336.16" + id="tspan412">ATP</tspan></text> + <text + id="text7967-0-3-65-1-8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1196.16" + y="336.16" + id="tspan413">ADP</tspan></text> + <text + id="text7967-0-3-6-2-7-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1212.21" + y="406.547" + id="tspan414">dUDP</tspan></text> + <g + id="text7967-0-3-65-1-3-5"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text416"><tspan + x="1255.38" + y="378.16" + id="tspan415">H</tspan><tspan + x="1268.28" + y="378.16" + id="tspan416">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text417"><tspan + x="1264.05" + y="378.16" + id="tspan417">₂</tspan></text> + </g> + <path + id="B_UMPK" + d="m 1189.5,344.52 -1.5,-3.5 -1.5,3.5 1.68,-0.617 z m -8,7 -6.5,2.355 6.51,2.296 -1.82,-2.296 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="F_UMPK" + d="M 1202.51,344.933 C 1200.82,340 1200.82,340 1200.82,340 l -2.49,4.771 2.19,-1.132 z m 7.08,11.614 c 7.49,-2.521 7.49,-2.521 7.49,-2.521 l -7.66,-1.958 1.98,2.169 z" + stroke="#000000" + stroke-width="2.66667" /> + <text + id="text7967-0-3-6-2-2-7" + transform="rotate(-0.392185,57966.048,-190163.26)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.328125" + y="14.5469" + id="tspan418">dUMP</tspan></text> + <text + id="text7967-0-3-2-3" + transform="rotate(0.808348,-28857.529,89246.093)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.160156" + y="11.1602" + id="tspan419">ADP</tspan></text> + <text + id="text7967-0-3-1-6" + transform="rotate(-0.829907,29385.126,-88505.134)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.27343801" + y="11.1602" + id="tspan420">ATP</tspan></text> + <text + id="text7967-0-3-6-2-2-4" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1458.22" + y="405.547" + id="tspan421">dTMP</tspan></text> + <text + id="text7967-0-3-2-4" + transform="rotate(-0.416974,57898.223,-184605.41)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.30078101" + y="11.1602" + id="tspan422">5,10meTHF</tspan></text> + <text + id="text7967-0-3-1-5" + transform="rotate(0.26617,-88834.504,307398.67)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.160156" + y="11.1602" + id="tspan423">DHF</tspan></text> + <text + id="text7967-0-3-6-2-0" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1302.49" + y="358.547" + id="tspan424">UTP</tspan></text> + <text + id="text7967-0-3-6-2-7-4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1440.49" + y="358.547" + id="tspan425">CTP</tspan></text> + <text + id="text7967-0-3-65-1-3-2" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1409.16" + y="337.16" + id="tspan426">ADP</tspan></text> + <text + id="text7967-0-3-65-1-3-2_2" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1393.16" + y="337.16" + id="tspan427">Pi</tspan></text> + <text + id="text7967-0-3-65-1-3-2-5" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1336.27" + y="337.16" + id="tspan428">ATP</tspan></text> + <g + id="text7967-0-3-65-1-3-2-5_2"> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text429"><tspan + x="1363.3199" + y="337.16" + id="tspan429">NH</tspan></text> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text430"><tspan + x="1380.67" + y="337.16" + id="tspan430">₃</tspan></text> + </g> + <text + id="text7967-0-3-6-2-7-4-3" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1537.46" + y="358.423" + id="tspan431">CDP</tspan></text> + <g + id="text7967-0-3-65-5-3-5-1"> + <text + transform="rotate(0.250513,-73085.409,361085.02)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text433"><tspan + x="0.38223499" + y="11.1602" + id="tspan432">H</tspan><tspan + x="13.2779" + y="11.1602" + id="tspan433">O</tspan></text> + <text + transform="rotate(0.250513,-73085.409,361085.02)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text434"><tspan + x="9.0541096" + y="11.1602" + id="tspan434">₂</tspan></text> + </g> + <text + id="text7967-0-3-6-2-7-4-3-9-7" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1605.21" + y="357.349" + id="tspan435">dCDP</tspan></text> + <text + id="text7967-0-3-65-5-3-5-8" + transform="rotate(0.250513,-72361.769,378237.03)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.27343801" + y="11.1602" + id="tspan436">ATP</tspan></text> + <text + id="text7967-0-3-65-1-2-4-9" + transform="rotate(-0.639009,29556.536,-150383.31)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.160156" + y="11.1602" + id="tspan437">ADP</tspan></text> + <path + d="m 1670.46,337.15 c -2.87,10.073 3.56,16.573 3.56,16.573 m 3.45,-0.202 c 5.59,-1.26 5.2,-14.749 5.2,-14.749 m -24.28,14.67 33.74,0.294" + stroke="#000000" + stroke-width="2.23449" + id="path438" + inkscape:label="R_NDPK7" /> + <path + id="F_NDPK7" + d="m 1684.65,340.48 c -1.45,-7.288 -1.45,-7.288 -1.45,-7.288 l -1.86,7.16 1.71,-1.742 z m 5.79,15.4 c 7.48,-2.544 7.48,-2.544 7.48,-2.544 l -7.66,-1.935 1.98,2.163 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="B_NDPK7" + d="m 1671.3,341.229 c -1.44,-7.289 -1.44,-7.289 -1.44,-7.289 l -1.87,7.16 1.71,-1.742 z m -10.92,10.221 c -7.52,2.444 -7.52,2.444 -7.52,2.444 l 7.64,2.036 -1.96,-2.189 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.23952" /> + <path + d="m 1269.09,401.009 24.35,0.11 m -18.26,9.747 c -2.83,-5.901 3.18,-9.765 3.18,-9.765 m 3.28,-0.044 c 5.26,0.758 5.05,9.321 5.05,9.321" + stroke="#000000" + stroke-width="1.95125" + id="path440" + inkscape:label="R_URIDK2r" /> + <path + id="R_UMPK" + d="m 1177,353.831 33.95,0.192 m -23.09,-10.669 c -1.46,6.58 4.5,10.071 4.5,10.071 m 5.17,0.629 c 4.5,-1.356 2.82,-10.457 2.82,-10.457" + stroke="#000000" + stroke-width="1.95125" /> + <path + id="B_URIDK2r" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1276.45,409.448 c -1.83,5.701 -1.83,5.701 -1.83,5.701 l -1.28,-5.879 1.49,1.536 z m -7,-6.152 c -7.55,-2.358 -7.55,-2.358 -7.55,-2.358 l 7.62,-2.124 -1.93,2.212 z" + stroke="#000000" + stroke-width="1.95125" /> + <path + d="m 1421,353 c 6.37,-0.976 0.5,-9 0.5,-9 m -51,0 c -5,5 3.5,9 3.5,9 m -35,0 c 0,0 4.55,0 12.5,0 m 79.5,0 c 0,0 -14.58,0 -29.5,0 m 0,0 c 7.34,-4.179 0,-9.5 0,-9.5 m 0,9.5 c -12.4,0 -38.55,0 -50,0 m 0,0 c 0,0 -6.39,-2.695 -2.72,-9" + stroke="#000000" + stroke-width="1.82832" + id="path442" + inkscape:label="R_CTPS1" /> + <path + id="F_URIDK2r" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1291.34,398.594 c 7.52,2.457 7.52,2.457 7.52,2.457 l -7.64,2.023 1.95,-2.186 z m -2.72,10.854 c -1.9,5.513 -1.9,5.513 -1.9,5.513 l -1.9,-5.514 1.9,1.379 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <text + id="text7967-0-3-8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1134.22" + y="358.86801" + id="tspan442">UMP</tspan></text> + <text + id="text7967-0-3" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1507.27" + y="286.547" + id="tspan443">GMP</tspan></text> + <text + id="text7967-0-3-6-2" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1508.16" + y="215.547" + id="tspan444">GDP</tspan></text> + <text + id="text7967-0-3-6-2-7" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1503.27" + y="168.547" + id="tspan445">dGDP</tspan></text> + <g + id="text7967-0-3-65-1-3"> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text446"><tspan + x="1493.83" + y="190.16" + id="tspan446">2</tspan></text> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text448"><tspan + x="1485.15" + y="190.16" + id="tspan447">H</tspan><tspan + x="1500.51" + y="190.16" + id="tspan448">O</tspan></text> + </g> + <text + id="text7967-0-3-0" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1193.22" + y="208.547" + id="tspan449">AMP</tspan></text> + <text + id="text7967-0-3-2-0" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1166.16" + y="166.16" + id="tspan450">ADP</tspan></text> + <text + id="text7967-0-3-9" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1194.1" + y="138.547" + id="tspan451">ADP</tspan></text> + <text + id="text7967-0-3-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1166.27" + y="180.16" + id="tspan452">ATP</tspan></text> + <g + id="text7967-0-3-2-2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text454"><tspan + x="1231.38" + y="161.644" + id="tspan453">H</tspan><tspan + x="1244.28" + y="161.644" + id="tspan454">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text455"><tspan + x="1240.05" + y="161.644" + id="tspan455">₂</tspan></text> + </g> + <text + id="text7967-0-3-9-1" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1265.21" + y="138.547" + id="tspan456">dADP</tspan></text> + <path + id="R_RNDR1" + d="m 1236.86,132.078 c 5.98,1.334 5.48,11.24 5.48,11.24 m 12.82,-11.229 -23.25,0.27" + stroke="#000000" + stroke-width="2.42" /> + <path + id="B_ADK1" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1198.37,177.248 c -6.72,-1.607 -6.72,-1.607 -6.72,-1.607 l 6.52,-2.247 -1.56,2.007 z m 14.51,7.989 c -2.42,7.53 -2.42,7.53 -2.42,7.53 l -2.06,-7.634 2.19,1.948 z" + stroke="#000000" + stroke-width="1.95125" /> + <path + id="F_ADK1" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1208.48,152.497 c 0.84,-2.499 1.68,-4.998 2.52,-7.497 0.65,2.553 1.31,5.107 1.96,7.66 -0.72,-0.659 -1.45,-1.317 -2.17,-1.976 -0.77,0.604 -1.54,1.209 -2.31,1.813 z m -9.82,13.418 c -2.04,-0.508 -4.07,-1.016 -6.11,-1.525 1.96,-0.816 3.91,-1.632 5.86,-2.449 -0.46,0.701 -0.91,1.402 -1.37,2.103 0.54,0.624 1.08,1.247 1.62,1.871 z" + stroke="#000000" + stroke-width="1.95125" /> + <path + id="R_ADK1" + d="m 1210.75,171.394 c -1.34,5.102 -13.28,4.237 -13.28,4.237 m -0.06,-11.322 c 8.38,-2.319 13.45,3.865 13.45,3.865 m -0.01,18.437 -0.2,-35.02" + stroke="#000000" + stroke-width="1.95125" /> + <path + id="F_CTPS1" + d="m 1430,354.5 4.5,-1.5 -4.5,-2 1,2 z m -7,-11.5 -3,-2 v 3 l 1,-1 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.23952" + stroke-miterlimit="5.75877" /> + <path + id="F_RNDR4" + d="m 1235,384.091 c 2.52,7.495 2.52,7.495 2.52,7.495 l 1.96,-7.661 -2.17,1.978 z m 10.07,-8.418 c 7.19,-1.88 7.19,-1.88 7.19,-1.88 l -7.26,-1.437 1.84,1.603 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_RNDR4" + d="m 1237.4,363 -0.3,21.851 m -0.12,-16.878 c 0.21,4.959 8.71,6.835 8.71,6.835" + stroke="#000000" + stroke-width="2.13867" /> + <path + id="F_RNDR1" + d="m 1244.15,142.183 c -1.88,7.189 -1.88,7.189 -1.88,7.189 l -1.44,-7.259 1.6,1.841 z M 1253.68,130 c 7.53,2.416 7.53,2.416 7.53,2.416 l -7.63,2.065 1.94,-2.197 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text5529" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1576.16" + y="141.16" + id="tspan457">ADP</tspan></text> + <text + id="text5537" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1551.27" + y="141.16" + id="tspan458">ATP</tspan></text> + <text + id="text5543" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1606.16" + y="168.547" + id="tspan459">dGTP</tspan></text> + <text + id="text5547" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1337.16" + y="164.16" + id="tspan460">ADP</tspan></text> + <text + id="text5555" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1311.27" + y="164.16" + id="tspan461">ATP</tspan></text> + <g + id="R_NDPK8"> + <path + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1347.03,131.741 -23.95,0.27 z m -17.62,13.477 c -2.32,-8.385 3.86,-13.457 3.86,-13.457 z m 7.08,-13.343 c 5.1,1.34 4.24,13.279 4.24,13.279 z" + fill="#2b0000" + id="path461" /> + <path + d="m 1347.03,131.741 -23.95,0.27 m 6.33,13.207 c -2.32,-8.385 3.86,-13.457 3.86,-13.457 m 3.22,0.114 c 5.1,1.34 4.24,13.279 4.24,13.279" + stroke="#000000" + stroke-width="1.95125" + id="path462" /> + </g> + <path + id="B_NDPK8" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1330.68,144.434 c -0.51,2.035 -1.01,4.069 -1.52,6.103 -0.82,-1.953 -1.63,-3.906 -2.45,-5.86 0.7,0.458 1.4,0.916 2.1,1.374 0.63,-0.539 1.25,-1.078 1.87,-1.617 z m -7.18,-9.825 c -2.5,-0.839 -5,-1.677 -7.5,-2.515 2.55,-0.655 5.11,-1.31 7.66,-1.964 -0.66,0.723 -1.32,1.447 -1.98,2.17 0.61,0.77 1.21,1.539 1.82,2.309 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <path + id="F_NDPK8" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1346.1,130 c 7.53,2.416 7.53,2.416 7.53,2.416 l -7.63,2.065 1.95,-2.197 z m -3.31,14.514 c -1.61,6.716 -1.61,6.716 -1.61,6.716 l -2.24,-6.524 2,1.559 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <text + id="text5562" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1358.2" + y="137.547" + id="tspan462">dATP</tspan></text> + <text + id="text5590" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1702.1" + y="357.547" + id="tspan463">dCTP</tspan></text> + <text + id="text5608" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1552.1" + y="405.547" + id="tspan464">dTDP</tspan></text> + <text + id="text3994" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1094.15" + y="261.16" + id="tspan465">4 Pi</tspan></text> + <path + id="R_IMPC" + d="m 1133.07,282.116 c 6.15,-1.216 4.58,-11.488 4.58,-11.488 m -128.18,10.96 c 6.15,-1.216 4.59,-11.489 4.59,-11.489 m -36.2,11.489 c 6.15,-1.216 4.588,-11.489 4.588,-11.489 m 116.342,12.017 c 6.15,-1.216 4.58,-11.488 4.58,-11.488 m -134.197,11.03 222.107,1.113 m -123.01,-0.134 c 6.15,-1.216 4.59,-11.488 4.59,-11.488 m -32.91,11.48 c 6.15,-1.215 4.59,-11.488 4.59,-11.488 m -60.504,11.079 c -6.214,1.364 -5.682,11.469 -5.682,11.469 m 26.466,-11.064 c -6.213,1.363 -5.681,11.469 -5.681,11.469 m 25.751,-11.99 c -6.21,1.363 -5.68,11.469 -5.68,11.469 m 50.38,-11.469 c -6.21,1.363 -5.68,11.469 -5.68,11.469 m 90.24,-11.469 c -6.21,1.363 -5.68,11.469 -5.68,11.469 m 32.41,-11.469 c -6.22,1.363 -5.68,11.469 -5.68,11.469 m -57.14,-10.613 c -6.22,1.363 -5.68,11.469 -5.68,11.469" + stroke="#000000" + stroke-width="2.11249" /> + <path + id="F_IMPC" + d="m 1139.79,272.199 c -1.88,-7.188 -1.88,-7.188 -1.88,-7.188 l -1.43,7.258 1.6,-1.841 z m 47.94,12.745 c 7.55,-2.356 7.55,-2.356 7.55,-2.356 l -7.62,-2.125 1.93,2.211 z M 984.511,270.537 c -1.88,-7.188 -1.88,-7.188 -1.88,-7.188 l -1.436,7.258 1.602,-1.841 z m 31.579,0 c -1.88,-7.188 -1.88,-7.188 -1.88,-7.188 l -1.44,7.258 1.61,-1.841 z m 30.43,0.857 c -1.88,-7.188 -1.88,-7.188 -1.88,-7.188 l -1.43,7.258 1.6,-1.841 z m 28.26,0.805 c -1.88,-7.188 -1.88,-7.188 -1.88,-7.188 l -1.44,7.258 1.61,-1.841 z m 30.73,0 c -1.88,-7.188 -1.88,-7.188 -1.88,-7.188 l -1.43,7.258 1.6,-1.841 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text4002" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1199.03" + y="286.99799" + id="tspan466">IMP</tspan></text> + <text + id="text4053" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1058.87" + y="331.15701" + id="tspan467">2 Pi</tspan></text> + <path + id="F_OMPDC" + d="m 1111.62,340.747 c -1.88,-7.189 -1.88,-7.189 -1.88,-7.189 l -1.44,7.259 1.6,-1.841 z m -20.26,0 c -1.88,-7.189 -1.88,-7.189 -1.88,-7.189 l -1.44,7.259 1.61,-1.841 z m -24.93,0 c -1.88,-7.189 -1.88,-7.189 -1.88,-7.189 l -1.44,7.259 1.61,-1.841 z m -37.4,0 c -1.88,-7.189 -1.88,-7.189 -1.88,-7.189 l -1.43,7.259 1.6,-1.841 z M 1121,357 l 8,-3.5 -8,-3.5 2,3.5 z M 980.316,339.189 C 978.436,332 978.436,332 978.436,332 l -1.436,7.258 1.603,-1.84 z m 26.904,1.558 c -1.88,-7.189 -1.88,-7.189 -1.88,-7.189 l -1.44,7.259 1.61,-1.841 z" + stroke="#000000" + stroke-width="2.23952" /> + <g + id="R_TMDS"> + <path + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1364.19,400.415 80.81,-0.108 z m 6.09,9.701 c -2.83,-5.901 3.18,-9.765 3.18,-9.765 z m 60.72,-9.791 c 8,1.175 9.5,9.175 9.5,9.175 z" + fill="#2b0000" + id="path467" /> + <path + d="m 1364.19,400.415 80.81,-0.108 m -74.72,9.809 c -2.83,-5.901 3.18,-9.765 3.18,-9.765 m 57.54,-0.026 c 8,1.175 9.5,9.175 9.5,9.175" + stroke="#000000" + stroke-width="1.95125" + id="path468" /> + </g> + <path + id="B_TMDS" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1371.55,408.698 c -1.83,5.701 -1.83,5.701 -1.83,5.701 l -1.28,-5.879 1.49,1.536 z m -7,-5.997 c -7.55,-2.357 -7.55,-2.357 -7.55,-2.357 l 7.62,-2.124 -1.93,2.212 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <path + id="F_TMDS" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1444.53,398 c 7.51,2.457 7.51,2.457 7.51,2.457 l -7.64,2.023 1.96,-2.186 z m -2.72,10.698 c -1.91,5.513 -1.91,5.513 -1.91,5.513 l -1.9,-5.514 1.9,1.379 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <text + id="text4125" + transform="rotate(0.808348,-28686.836,108559.65)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.160156" + y="11.1602" + id="tspan468">ADP</tspan></text> + <text + id="text4129" + transform="rotate(-0.829907,29494.126,-103555.33)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.27343801" + y="11.1602" + id="tspan469">ATP</tspan></text> + <g + id="R_DTMPK"> + <path + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1516.45,400.415 24.35,0.11 z m 6.08,9.857 c -2.82,-5.901 3.19,-9.765 3.19,-9.765 z m 6.47,-9.81 c 5.26,0.759 5.04,9.322 5.04,9.322 z" + fill="#2b0000" + id="path469" /> + <path + d="m 1516.45,400.415 24.35,0.11 m -18.27,9.747 c -2.82,-5.901 3.19,-9.765 3.19,-9.765 m 3.28,-0.045 c 5.26,0.759 5.04,9.322 5.04,9.322" + stroke="#000000" + stroke-width="1.95125" + id="path470" /> + </g> + <path + id="B_DTMPK" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1523.81,408.854 c -1.83,5.7 -1.83,5.7 -1.83,5.7 l -1.28,-5.879 1.49,1.537 z m -7,-6.153 c -7.55,-2.357 -7.55,-2.357 -7.55,-2.357 l 7.62,-2.124 -1.93,2.212 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <path + id="F_DTMPK" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1538.7,398 c 7.52,2.457 7.52,2.457 7.52,2.457 l -7.65,2.023 1.96,-2.186 z m -2.72,10.854 c -1.91,5.513 -1.91,5.513 -1.91,5.513 l -1.9,-5.514 1.91,1.379 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <text + id="text4162" + transform="rotate(0.808348,-22394.837,91002.335)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.160156" + y="11.1602" + id="tspan470">ADP</tspan></text> + <text + id="text4166" + transform="rotate(-0.829907,23131.44,-86617.272)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.27343801" + y="11.1602" + id="tspan471">ATP</tspan></text> + <g + id="R_NDPK2"> + <path + d="m 1268.26,352.978 24.35,-0.111 m -18.27,-9.746 c -2.82,5.9 3.19,9.764 3.19,9.764 m 3.28,0.045 c 5.26,-0.759 5.04,-9.322 5.04,-9.322" + stroke="#000000" + stroke-width="1.95125" + id="path472" /> + </g> + <path + id="B_NDPK2" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1275.62,344.538 c -1.83,-5.7 -1.83,-5.7 -1.83,-5.7 l -1.28,5.879 1.48,-1.537 z m -7.01,6.153 c -7.54,2.358 -7.54,2.358 -7.54,2.358 l 7.61,2.123 -1.93,-2.211 z" + stroke="#000000" + stroke-width="1.95125" /> + <path + id="F_NDPK2" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1290.51,355.392 c 7.52,-2.456 7.52,-2.456 7.52,-2.456 l -7.65,-2.023 1.96,2.185 z m -2.72,-10.854 c -1.91,-5.512 -1.91,-5.512 -1.91,-5.512 l -1.9,5.514 1.91,-1.379 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <text + id="text4194" + transform="rotate(0.808348,-22319.07,105490.88)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.160156" + y="11.1602" + id="tspan472">ADP</tspan></text> + <text + id="text4198" + transform="rotate(-0.829907,23236.989,-104251.01)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.27343801" + y="11.1602" + id="tspan473">ATP</tspan></text> + <g + id="R_NDPK3"> + <path + d="m 1485.19,352.976 41.17,-0.068 m -25.74,-9.768 c -2.82,5.901 3.19,9.765 3.19,9.765 m 6.39,0.044 c 5.27,-0.758 5.05,-9.321 5.05,-9.321" + stroke="#000000" + stroke-width="2.00453" + id="path474" /> + </g> + <path + id="B_NDPK3" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1501.9,344.558 c -1.83,-5.701 -1.83,-5.701 -1.83,-5.701 l -1.28,5.88 1.49,-1.537 z m -16.35,6.152 c -7.55,2.358 -7.55,2.358 -7.55,2.358 l 7.62,2.124 -1.93,-2.212 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <path + id="F_NDPK3" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1524.58,355.412 c 7.52,-2.457 7.52,-2.457 7.52,-2.457 l -7.65,-2.023 1.96,2.186 z m -7.39,-10.854 c -1.91,-5.513 -1.91,-5.513 -1.91,-5.513 l -1.9,5.514 1.9,-1.379 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <g + id="R_RNDR3"> + <path + d="m 1574,353.5 20,-0.095 m -12,0.057 c 7,-1.462 3.5,-9.462 3.5,-9.462" + stroke="#000000" + stroke-width="1.97845" + id="path476" /> + </g> + <path + id="F_RNDR3" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1592.6,355.47 c 7.52,-2.457 7.52,-2.457 7.52,-2.457 l -7.64,-2.023 1.96,2.186 z m -5.1,-11.97 -2,-3.5 -1,4 1.5,-1 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <text + id="text4284" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1174.16" + y="262.16" + id="tspan476">GTP</tspan></text> + <text + id="text4288" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1180.16" + y="243.16" + id="tspan477">Asp</tspan></text> + <text + id="text4296" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1228.49" + y="244.16" + id="tspan478">GDP</tspan></text> + <text + id="text4300" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1228.16" + y="259.16" + id="tspan479">Pi</tspan></text> + <text + id="text4304" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1228.49" + y="229.16" + id="tspan480">Fum</tspan></text> + <g + id="text4331"> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text481"><tspan + x="1244.22" + y="265.16" + id="tspan481">NAD</tspan></text> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text482"><tspan + x="1269.5699" + y="265.16" + id="tspan482">⁺</tspan></text> + </g> + <g + id="text4339"> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text484"><tspan + x="1280.38" + y="265.16" + id="tspan483">H</tspan><tspan + x="1293.28" + y="265.16" + id="tspan484">O</tspan></text> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text485"><tspan + x="1289.05" + y="265.16" + id="tspan485">₂</tspan></text> + </g> + <text + id="text4343" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1311.27" + y="265.16" + id="tspan486">ATP</tspan></text> + <g + id="text4347"> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text487"><tspan + x="1343.3199" + y="265.16" + id="tspan487">NH</tspan></text> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text488"><tspan + x="1360.67" + y="265.16" + id="tspan488">₃</tspan></text> + </g> + <text + id="text4371" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1476.49" + y="262.16" + id="tspan489">NADH</tspan></text> + <g + id="text4385"> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text490"><tspan + x="1412.0601" + y="262.16" + id="tspan490">H</tspan></text> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text491"><tspan + x="1420.73" + y="262.16" + id="tspan491">⁺</tspan></text> + </g> + <text + id="text4389" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1439.5" + y="262.16" + id="tspan492">AMP</tspan></text> + <text + id="text4393" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1378.16" + y="262.16" + id="tspan493">PPi</tspan></text> + <path + id="F_GMPS" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1494.55,282.319 c 2.5,-0.838 5,-1.677 7.5,-2.515 -2.55,-0.655 -5.11,-1.309 -7.66,-1.964 0.66,0.724 1.32,1.447 1.98,2.171 -0.61,0.769 -1.21,1.538 -1.82,2.308 z M 1387.5,268 l -2.5,-3.5 -1.5,4 2,-1 z m 33,-0.5 -3,-3 -1,4.5 2,-1.5 z m 36,0.5 -3,-2.5 -1,4 1.5,-1.5 z m 31.02,4.737 c 1.06,-5.737 1.06,-5.737 1.06,-5.737 l -4.37,3.866 2.33,-0.265 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <g + id="text4436"> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text494"><tspan + x="1248.22" + y="309.16" + id="tspan494">NADP</tspan></text> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text495"><tspan + x="1281.5699" + y="309.16" + id="tspan495">⁺</tspan></text> + </g> + <g + id="text4446"> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text496"><tspan + x="1298.3199" + y="309.16" + id="tspan496">NH</tspan></text> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text497"><tspan + x="1315.67" + y="309.16" + id="tspan497">₃</tspan></text> + </g> + <g + id="text4472"> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text498"><tspan + x="1463.0601" + y="311.16" + id="tspan498">H</tspan></text> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text499"><tspan + x="1471.73" + y="311.16" + id="tspan499">⁺</tspan></text> + </g> + <text + id="text4476" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1410.49" + y="311.16" + id="tspan500">NADPH</tspan></text> + <path + id="F_ADSL1r" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1208.65,223.497 c 0.83,-2.499 1.67,-4.998 2.51,-7.497 0.66,2.553 1.31,5.107 1.97,7.66 -0.73,-0.659 -1.45,-1.317 -2.18,-1.976 -0.76,0.604 -1.53,1.209 -2.3,1.813 z m 14.23,37.236 c 2.98,-5.014 2.98,-5.014 2.98,-5.014 l -5.44,2.107 2.28,0.563 z m 0,-28.046 c 2.98,-5.014 2.98,-5.014 2.98,-5.014 l -5.44,2.107 2.28,0.563 z m 0,14.023 c 2.98,-5.014 2.98,-5.014 2.98,-5.014 l -5.44,2.107 2.28,0.563 z" + stroke="#000000" + stroke-width="1.95125" /> + <path + id="R_ADSL1r" + d="m 1210.99,271.633 -0.15,-49.509 m 11.5,34.688 c -1.36,6.212 -11.46,5.681 -11.46,5.681 m 11.46,-32.169 c -1.36,6.212 -11.46,5.68 -11.46,5.68 m 11.46,6.785 c -1.36,6.212 -11.46,5.681 -11.46,5.681 m -11.71,-2.565 c 1.36,6.213 11.47,5.681 11.47,5.681 m -11.47,8.342 c 1.36,6.213 11.47,5.681 11.47,5.681" + stroke="#000000" + stroke-width="2.10315" /> + <path + id="F_GMPS2" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1493.55,283.64 c 2.5,0.838 5,1.676 7.5,2.515 -2.55,0.654 -5.11,1.309 -7.66,1.963 0.66,-0.723 1.32,-1.447 1.98,-2.17 -0.61,-0.769 -1.21,-1.539 -1.82,-2.308 z m -66.23,9.581 c 1.05,5.738 1.05,5.738 1.05,5.738 l -4.37,-3.866 2.33,0.264 z m 37.39,0 c 1.05,5.738 1.05,5.738 1.05,5.738 l -4.36,-3.866 2.33,0.264 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <path + id="R_GMPS" + d="m 1231,279.96 265,0.001 m -139,-0.001 c -12,-3.002 -7.5,-11.96 -7.5,-11.96 m -26.23,11.994 C 1317.06,278.63 1317,268 1317,268 m -15,11.986 C 1295.79,278.622 1296,268 1296,268 m -29.5,11.973 C 1256,278.5 1257,268 1257,268 m 128.5,0 c 1.88,6.077 -10.5,11.96 -10.5,11.96 M 1418.5,268 c 1.88,6.077 -10.5,11.96 -10.5,11.96 M 1454.5,268 c 1.88,6.077 -9,11.96 -9,11.96 m 41,-11.96 c 1.88,6.077 -9.5,11.961 -9.5,11.961" + stroke="#000000" + stroke-width="2.41879" /> + <path + id="R_GMPS2" + d="m 1231,286.192 263,-0.069 m -180.63,0 c -6.21,1.364 -5.68,11.469 -5.68,11.469 m -34.83,-11.469 c -6.21,1.364 -5.68,11.469 -5.68,11.469 M 1426.5,295 c -1.5,-6 -9,-8.857 -9,-8.857 M 1463,295 c 1.88,-6.076 -9.5,-8.866 -9.5,-8.866" + stroke="#000000" + stroke-width="2.41879" /> + <text + id="text4595" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1549.16" + y="244.16" + id="tspan501">ADP</tspan></text> + <text + id="text4599" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1548.27" + y="258.16" + id="tspan502">ATP</tspan></text> + <g + id="R_GK1"> + <path + d="m 1526.11,264.611 0.2,-35.02 m 13.24,12.718 c -8.38,-2.319 -13.45,3.865 -13.45,3.865 m 0.11,3.22 c 1.34,5.102 13.28,4.237 13.28,4.237" + stroke="#000000" + stroke-width="1.95125" + id="path503" /> + </g> + <path + id="F_GK1" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1538.3,243.915 c 2.04,-0.508 4.07,-1.016 6.11,-1.525 -1.96,-0.816 -3.91,-1.632 -5.86,-2.449 0.46,0.701 0.91,1.402 1.37,2.103 -0.54,0.624 -1.08,1.247 -1.62,1.871 z m -9.82,-13.418 c -0.84,-2.499 -1.68,-4.998 -2.52,-7.497 -0.65,2.553 -1.31,5.107 -1.96,7.66 0.72,-0.659 1.45,-1.317 2.17,-1.976 0.77,0.604 1.54,1.209 2.31,1.813 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <path + id="B_GK1" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1524.08,263.237 c 2.42,7.529 2.42,7.529 2.42,7.529 l 2.06,-7.633 -2.19,1.947 z m 14.51,-7.989 c 6.72,-1.607 6.72,-1.607 6.72,-1.607 l -6.52,-2.248 1.56,2.007 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <path + id="F_RNDR2" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1517.66,184.794 c -5.51,1.906 -5.51,1.906 -5.51,1.906 l 5.51,1.901 -1.38,-1.903 z m 10.85,-4.278 C 1526.06,173 1526.06,173 1526.06,173 l -2.03,7.645 2.19,-1.96 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <g + id="R_RNDR2"> + <path + d="m 1526.05,191.777 c -0.76,-5.263 -9.32,-5.046 -9.32,-5.046 m 9.38,14.48 -0.13,-21.388" + stroke="#000000" + stroke-width="1.95125" + id="path505" /> + </g> + <path + id="B_NDPK5" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1567.52,150.716 c 1.61,-6.716 1.61,-6.716 1.61,-6.716 l 2.24,6.524 -2,-1.559 z m -7.99,14.514 c -7.53,-2.416 -7.53,-2.416 -7.53,-2.416 l 7.63,-2.065 -1.94,2.197 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <path + id="F_NDPK5" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1592.27,160.832 c 2.5,0.839 5,1.677 7.5,2.515 -2.56,0.655 -5.11,1.309 -7.66,1.964 0.66,-0.723 1.31,-1.447 1.97,-2.17 -0.6,-0.77 -1.21,-1.539 -1.81,-2.309 z m -13.42,-9.825 c 0.51,-2.035 1.02,-4.069 1.53,-6.103 0.81,1.953 1.63,3.906 2.45,5.86 -0.71,-0.458 -1.41,-0.916 -2.11,-1.374 -0.62,0.539 -1.25,1.078 -1.87,1.617 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <g + id="R_NDPK5"> + <path + d="m 1573.37,163.101 c -5.1,-1.34 -4.23,-13.279 -4.23,-13.279 m 11.32,-0.064 c 2.32,8.385 -3.87,13.457 -3.87,13.457 m -18.43,-0.014 35.02,-0.202" + stroke="#000000" + stroke-width="1.95125" + id="path507" /> + </g> + <text + id="text4686" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1570.16" + y="184.16" + id="tspan507">ADP</tspan></text> + <text + id="text4690" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1544.27" + y="184.16" + id="tspan508">ATP</tspan></text> + <text + id="text4694" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1600.05" + y="215.547" + id="tspan509">GTP</tspan></text> + <path + id="B_NDPK1" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1562.52,197.716 c 1.61,-6.716 1.61,-6.716 1.61,-6.716 l 2.24,6.524 -2,-1.559 z m -7.99,14.514 c -7.53,-2.416 -7.53,-2.416 -7.53,-2.416 l 7.63,-2.065 -1.94,2.197 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <path + id="F_NDPK1" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1587.27,207.832 c 2.5,0.839 5,1.677 7.5,2.515 -2.56,0.655 -5.11,1.309 -7.66,1.964 0.66,-0.723 1.31,-1.447 1.97,-2.17 -0.6,-0.77 -1.21,-1.539 -1.81,-2.309 z m -13.42,-9.825 c 0.51,-2.035 1.02,-4.069 1.53,-6.103 0.81,1.953 1.63,3.906 2.45,5.86 -0.71,-0.458 -1.41,-0.916 -2.11,-1.374 -0.62,0.539 -1.25,1.078 -1.87,1.617 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <g + id="R_NDPK1"> + <path + d="m 1568.37,210.101 c -5.1,-1.34 -4.23,-13.279 -4.23,-13.279 m 11.32,-0.064 c 2.32,8.385 -3.87,13.457 -3.87,13.457 m -18.43,-0.014 35.02,-0.202" + stroke="#000000" + stroke-width="1.95125" + id="path510" /> + </g> + <g + id="use1272-8-6-5-0-5"> + <path + d="m 1000,396 c 3.87,0 7,-3.134 7,-7 0,-3.866 -3.13,-7 -7,-7 -3.866,0 -7,3.134 -7,7 0,3.866 3.134,7 7,7 z" + fill="#aaccee" + id="path511" /> + <path + d="m 995.1,384.1 9.8,9.8 z" + fill="#aaccee" + id="path512" /> + <path + d="m 995.1,393.9 9.8,-9.8 z" + fill="#aaccee" + id="path513" /> + <path + d="m 995.1,384.1 9.8,9.8 m -9.8,0 9.8,-9.8 m 2.1,4.9 c 0,3.866 -3.13,7 -7,7 -3.866,0 -7,-3.134 -7,-7 0,-3.866 3.134,-7 7,-7 3.87,0 7,3.134 7,7 z" + stroke="#000000" + stroke-width="0.44411" + id="path514" /> + </g> + <g + id="use1272-8-6-5-0-5-0"> + <path + d="m 956,336 c 3.866,0 7,-3.134 7,-7 0,-3.866 -3.134,-7 -7,-7 -3.866,0 -7,3.134 -7,7 0,3.866 3.134,7 7,7 z" + fill="#aaccee" + id="path515" /> + <path + d="m 951.1,324.1 9.8,9.8 z" + fill="#aaccee" + id="path516" /> + <path + d="m 951.1,333.9 9.8,-9.8 z" + fill="#aaccee" + id="path517" /> + <path + d="m 951.1,324.1 9.8,9.8 m -9.8,0 9.8,-9.8 m 2.1,4.9 c 0,3.866 -3.134,7 -7,7 -3.866,0 -7,-3.134 -7,-7 0,-3.866 3.134,-7 7,-7 3.866,0 7,3.134 7,7 z" + stroke="#000000" + stroke-width="0.44411" + id="path518" /> + </g> + </g> + <g + id="Group 25"> + <text + id="text6997-5-1-8-3-7-8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1691.27" + y="881.15997" + id="tspan518">ATP</tspan></text> + <g + id="text6997-5-1-8-3-71-4"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text519"><tspan + x="1747.35" + y="881.15997" + id="tspan519">HCO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text520"><tspan + x="1778.25" + y="881.15997" + id="tspan520">⁻</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text521"><tspan + x="1774.03" + y="881.15997" + id="tspan521">₃</tspan></text> + </g> + <g + id="text6997-5-1-8-3-71-2-9"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text522"><tspan + x="1725.0601" + y="881.15997" + id="tspan522">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text523"><tspan + x="1733.73" + y="881.15997" + id="tspan523">⁺</tspan></text> + </g> + <text + id="text6997-5-1-8-3-71-5-72" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1718.16" + y="845.15997" + id="tspan524">ADP</tspan></text> + <text + id="text6997-5-1-8-3-71-5-7-37" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1750.16" + y="845.15997" + id="tspan525">Pi</tspan></text> + <path + id="R_ACCOAC" + d="m 1707.68,858.5 c -5.18,0 -5.18,11.5 -5.18,11.5 m 25.5,-9.981 c 5,0 4.22,-6.671 4.22,-6.671 m 20.53,6.671 c 4.25,0 1.75,-6.667 1.75,-6.667 m -17.5,6.667 c 0,0 -18.51,0.241 -20.5,0 -55,-6.667 -232,-10.519 -232,-10.519 m 252.5,10.519 h 31.5 m -31.5,0 c -6.5,0 -6.5,9.981 -6.5,9.981 m 31.5,-9.981 c -5,0 -5,9.981 -5,9.981" + stroke="#000000" + stroke-width="2.097" /> + <path + id="F_ACCOAC" + d="m 1767.2,861.406 c 5.83,-1.962 5.83,-1.962 5.83,-1.962 l -5.96,-1.524 1.54,1.688 z m -33.74,-7.811 C 1732,848 1732,848 1732,848 l -1.12,5.649 1.25,-1.432 z m 21.87,0.783 c -1.46,-5.595 -1.46,-5.595 -1.46,-5.595 l -1.12,5.65 L 1754,853 Z" + stroke="#000000" + stroke-width="2.23952" /> + <g + id="Group 75"> + <text + id="text6997-5-1-8-3-7-7-3-7-2-2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1779.3199" + y="797.15997" + id="tspan526">CoA</tspan></text> + <text + id="text7967-8-1-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1814.37" + y="817.547" + id="tspan527">AcACP</tspan></text> + <text + id="text6997-5-1-8-3-71-2-5-43-4-1-0" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1769.16" + y="832.15997" + id="tspan528">ACP</tspan></text> + <path + id="R_FASN" + d="m 1785.42,813.498 c -3.74,0.857 -3.42,7.211 -3.42,7.211 m 7.32,-7.328 c 3.69,-0.812 2.75,-7.672 2.75,-7.672 M 1484.5,845 c 220,-35 321.5,-31.618 321.5,-31.618" + stroke="#000000" + stroke-width="1.84837" /> + <path + id="F_FASN" + d="m 1804.19,814.63 c 5.83,-1.962 5.83,-1.962 5.83,-1.962 l -5.96,-1.524 1.54,1.688 z m -10.69,-8.13 c -1.46,-5.595 -1.46,-5.595 -1.46,-5.595 l -1.12,5.649 1.25,-1.433 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <g + id="Group 74"> + <g + id="text6997-5-1-8-3-7-7-3-7"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text529"><tspan + x="1906.49" + y="797.15997" + id="tspan529">CO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text530"><tspan + x="1924.5" + y="797.15997" + id="tspan530">₂</tspan></text> + </g> + <path + id="R_AcetoacetylACPsynthesis" + d="m 1884.51,812.903 c 5.06,-0.402 5.93,-7.502 5.93,-7.502 M 1896.5,852 c 1.5,-35 11.36,-39.231 24,-39.408 m -47.5,0.251 53.28,-0.282 m -18.42,0.208 c 5.03,-0.525 5.3,-7.639 5.3,-7.639" + stroke="#000000" + stroke-width="1.9665" /> + <text + id="text6997-5-1-8-3-7-7-3-7-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1876.16" + y="797.15997" + id="tspan531">ACP</tspan></text> + <path + id="F_AcetoacetylACPsynthesis" + d="m 1925.33,814.458 c 5.83,-1.962 5.83,-1.962 5.83,-1.962 l -5.96,-1.524 1.54,1.688 z m -33.93,-8.263 c -1.47,-5.595 -1.47,-5.595 -1.47,-5.595 l -1.11,5.65 1.24,-1.433 z m 23.04,0 c -1.46,-5.595 -1.46,-5.595 -1.46,-5.595 l -1.12,5.65 1.25,-1.433 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <g + id="Group 73"> + <text + id="text6997-5-1-8-3-71-2-5-49" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1777.2" + y="865.32098" + id="tspan532">MalCoA</tspan></text> + <path + id="R_MCAT" + d="m 1839.09,860.31 23.43,0.238 m -13,0.003 c 5.06,-0.384 6.22,-8.47 6.22,-8.47 m -10.11,8.511 c -4.92,1.031 -4.5,8.67 -4.5,8.67" + stroke="#000000" + stroke-width="1.86971" /> + <text + id="text6997-5-1-8-3-7-7-3-7-2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1845.02" + y="844.15997" + id="tspan533">CoA</tspan></text> + <text + id="text7967-8-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1870.99" + y="867.72498" + id="tspan534">MalACP</tspan></text> + <text + id="text6997-5-1-8-3-71-2-5-43-4-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1829.86" + y="881.15997" + id="tspan535">ACP</tspan></text> + <path + id="F_MCAT" + d="m 1861.27,862.358 c 5.84,-1.962 5.84,-1.962 5.84,-1.962 l -5.97,-1.524 1.54,1.688 z m -4.4,-9.457 c -1.46,-5.595 -1.46,-5.595 -1.46,-5.595 l -1.12,5.65 1.25,-1.433 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <g + id="Group 79"> + <text + id="text7047" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1645.3199" + y="955.15997" + id="tspan536">AcCoA</tspan></text> + <g + id="text7052"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text538"><tspan + x="1604.38" + y="955.15997" + id="tspan537">H</tspan><tspan + x="1617.28" + y="955.15997" + id="tspan538">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text539"><tspan + x="1613.05" + y="955.15997" + id="tspan539">₂</tspan></text> + </g> + <text + id="text7078" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1607.3199" + y="920.15997" + id="tspan540">CoA</tspan></text> + <text + id="text7164" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1529.08" + y="940.64801" + id="tspan541">AcAcCoA</tspan></text> + <path + id="F_HMGCOAS" + d="m 1619.32,928.248 -1.47,-5.596 -1.11,5.65 1.24,-1.433 z m 87.44,8.733 5.84,-1.962 -5.97,-1.524 1.54,1.688 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_HMGCOAS" + d="m 1607,935.475 h 100.5 m -93.23,8.722 c 0,0 -2.66,-7.719 2.23,-8.722 5.05,-0.886 1.34,-7.755 1.34,-7.755 m 49.1,7.755 c -4.89,1.003 -4.47,8.43 -4.47,8.43" + stroke="#000000" + stroke-width="1.77188" /> + </g> + <g + id="Group 72"> + <text + id="PalmCoA" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2195.4099" + y="739.547" + id="tspan542">PalmCoA</tspan></text> + <text + id="text7967-0-3-65-5-3-5-1-2-8-1-2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2242.3201" + y="802.15997" + id="tspan543">CoA</tspan></text> + <text + id="text7967-0-3-65-5-3-5-1-2-8-8-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2247.5" + y="761.15997" + id="tspan544">AMP</tspan></text> + <text + id="text7967-0-3-65-5-3-5-1-2-8-2-5" + transform="rotate(0.250513,-173384.82,514314.31)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0" + y="11.1602" + id="tspan545">PPi</tspan></text> + <text + id="text7967-0-3-65-5-3-5-1-2-8-1-2-4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2242.27" + y="788.15997" + id="tspan546">ATP</tspan></text> + <path + id="F_palmitateActivation" + d="m 2238.71,758.266 c 5.73,-0.74 5.73,-0.74 5.73,-0.74 l -5.46,-1.827 1.26,1.419 z m 0.79,13.234 c 1.79,-0.5 3.5,-1.5 3.5,-1.5 l -4.29,-1.764 1.29,1.764 z m -6.33,-19.396 C 2231.34,747 2231.34,747 2231.34,747 l -1.34,5.247 1.52,-1.365 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_palmitateActivation" + d="m 2239.79,757.019 c -5.7,-1.617 -8.64,3.967 -8.64,3.967 m 9.02,21.514 c 0,0 -8.71,0.811 -8.71,-5 0,0 0,-7.5 8.71,-7.5 m -8.71,25 c 1.17,4.019 8.71,2.811 8.71,2.811 m -8.71,5.189 v -52.878" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text7967-0-5-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2210.3701" + y="817.547" + id="tspan547">Palm</tspan></text> + </g> + <g + id="Group 76"> + <text + id="text7967-8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1936.13" + y="817.547" + id="tspan548">AcAcACP</tspan></text> + <text + id="text6997-5-1-8-3-7-4-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2096.1399" + y="833.15997" + id="tspan549">14 NADPH</tspan></text> + <g + id="text6997-5-1-8-3-7-7-9-3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text550"><tspan + x="2022.37" + y="794.15997" + id="tspan550">14 NADP</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text551"><tspan + x="2072.4199" + y="794.15997" + id="tspan551">⁺</tspan></text> + </g> + <g + id="text6997-5-1-8-3-71-5-6-17"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text553"><tspan + x="2178.3701" + y="794.15997" + id="tspan552">6 H</tspan><tspan + x="2201.29" + y="794.15997" + id="tspan553">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text554"><tspan + x="2197.0601" + y="794.15997" + id="tspan554">₂</tspan></text> + </g> + <g + id="text6997-5-1-8-3-71-5-7-3-5-8"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text555"><tspan + x="2134.48" + y="794.15997" + id="tspan555">6 CO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text556"><tspan + x="2162.51" + y="794.15997" + id="tspan556">₂</tspan></text> + </g> + <text + id="text7967-5-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2033.48" + y="833.15997" + id="tspan557">6 MalACP</tspan></text> + <text + id="text6997-5-1-8-3-71-5-6-1-4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2088.48" + y="794.15997" + id="tspan558">7 ACP</tspan></text> + <path + id="F_FA160ACPH" + d="M 2194.58,804.595 C 2193.12,799 2193.12,799 2193.12,799 l -1.12,5.65 1.25,-1.433 z m -43.12,-0.5 C 2150,798.5 2150,798.5 2150,798.5 l -1.12,5.649 1.25,-1.432 z m -43.96,-0.878 c -1.46,-5.595 -1.46,-5.595 -1.46,-5.595 l -1.12,5.649 1.25,-1.433 z m -52.5,0 c -1.46,-5.595 -1.46,-5.595 -1.46,-5.595 l -1.12,5.649 1.25,-1.433 z m 145.46,10.961 c 5.83,-1.962 5.83,-1.962 5.83,-1.962 l -5.96,-1.524 1.54,1.688 z" + stroke="#000000" + stroke-width="2.23952" /> + <g + id="text3083"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text559"><tspan + x="2171.21" + y="833.15997" + id="tspan559">14 H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text560"><tspan + x="2196.5801" + y="833.15997" + id="tspan560">⁺</tspan></text> + </g> + <path + id="R_FA160ACPH" + d="m 2184,821.778 c 0,0 0.2,-8.126 5.05,-9.197 4.84,-0.867 3.61,-8.201 3.61,-8.201 m -177.16,8.073 c 0,0 37.79,0 62,0 m 123.44,0 c 0,0 -43.54,0 -71.44,0 m -27.5,0 c 4.8,-0.954 4.08,-9.019 4.08,-9.019 m -56.08,9.019 c 4.8,-0.954 3.58,-9.019 3.58,-9.019 m 92.66,8.832 c 4.84,-0.868 3.61,-8.201 3.61,-8.201 m -72.35,8.388 c -11.5,-0.187 -11.5,9.325 -11.5,9.325 m 11.5,-9.325 c 20.31,0 31.69,0 52,0 m 0,0 c -8.5,-0.187 -8.5,9.325 -8.5,9.325" + stroke="#000000" + stroke-width="2.08132" /> + </g> + <g + id="Group 78"> + <text + id="text7122" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1718.38" + y="939.547" + id="tspan561">HMGCoA</tspan></text> + <text + id="text7188" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1883.1" + y="954.15997" + id="tspan562">3 ATP</tspan></text> + <text + id="text7192" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1792.3199" + y="919.15997" + id="tspan563">CoA</tspan></text> + <text + id="text7214" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1772.48" + y="954.15997" + id="tspan564">2 NADPH</tspan></text> + <g + id="text7222"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text565"><tspan + x="1823.21" + y="919.15997" + id="tspan565">2 NADP</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text566"><tspan + x="1866.58" + y="919.15997" + id="tspan566">⁺</tspan></text> + </g> + <text + id="text7230" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1902.48" + y="919.15997" + id="tspan567">3 ADP</tspan></text> + <g + id="text7238"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text568"><tspan + x="1940.49" + y="919.15997" + id="tspan568">CO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text569"><tspan + x="1958.5" + y="919.15997" + id="tspan569">₂</tspan></text> + </g> + <text + id="text7246" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1881.16" + y="919.15997" + id="tspan570">Pi</tspan></text> + <path + id="F_DPMVD" + d="m 1946.9,927.988 c -1.47,-5.596 -1.47,-5.596 -1.47,-5.596 l -1.11,5.65 1.24,-1.433 z m -23.44,-0.001 c -1.46,-5.595 -1.46,-5.595 -1.46,-5.595 l -1.12,5.65 1.25,-1.433 z m -35.96,0 c -1.46,-5.595 -1.46,-5.595 -1.46,-5.595 l -1.12,5.65 1.25,-1.433 z m -83,0.055 c -1.46,-5.596 -1.46,-5.596 -1.46,-5.596 l -1.12,5.65 1.25,-1.433 z m 41.33,-0.054 c -1.46,-5.596 -1.46,-5.596 -1.46,-5.596 l -1.12,5.65 1.25,-1.433 z m 104.44,9.104 c 5.83,-1.962 5.83,-1.962 5.83,-1.962 l -5.96,-1.524 1.54,1.688 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_DPMVD" + d="m 1792,935.602 160,-0.176 m -96.86,0.205 c -7.95,0.876 -7.27,7.369 -7.27,7.369 m 58.88,-7.444 c -7.95,0.876 -7.27,7.369 -7.27,7.369 m -102.4,-7.434 c 8.33,-0.779 6.21,-7.369 6.21,-7.369 m 2.08,7.509 c -7.94,0.876 -7.26,7.369 -7.26,7.369 m 40.34,-7.618 c 7.87,-0.782 5.87,-7.382 5.87,-7.382 m 35.82,7.382 c 7.87,-0.782 5.87,-7.382 5.87,-7.382 m 30.31,7.382 c 7.86,-0.782 5.86,-7.382 5.86,-7.382 m 17.54,7.382 c 7.87,-0.782 5.87,-7.382 5.87,-7.382" + stroke="#000000" + stroke-width="2.13327" /> + </g> + <g + id="Group 77"> + <text + id="text6997-5-1-8-3-7-7-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2007.15" + y="919.15997" + id="tspan571">2 PPi</tspan></text> + <text + id="text7967" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2044.16" + y="941.547" + id="tspan572">fPP</tspan></text> + <text + id="text6997-5-1-8-3-71-2-5-43" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1995.47" + y="955.15997" + id="tspan573">2 ippPP</tspan></text> + <text + id="text7208" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1959.3199" + y="941.547" + id="tspan574">ippPP</tspan></text> + <path + id="R_DMATT" + d="m 2006.5,935.135 h 28.82 m -15.61,0.486 c -4.93,1.002 -4.33,8.145 -4.33,8.145 m 3.24,-8.618 c 4.94,-0.758 3.5,-6.89 3.5,-6.89" + stroke="#000000" + stroke-width="1.73438" /> + <path + id="F_DMATT" + d="m 2033.85,936.926 c 5.83,-1.963 5.83,-1.963 5.83,-1.963 l -5.96,-1.523 1.54,1.688 z m -10.54,-8.025 c -1.46,-5.595 -1.46,-5.595 -1.46,-5.595 l -1.12,5.649 1.25,-1.433 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <g + id="Group 82"> + <text + id="text6997-5-1-8-3-7-4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2188.1399" + y="957.15997" + id="tspan575">13 NADPH</tspan></text> + <g + id="text6997-5-1-8-3-71-2-7"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text576"><tspan + x="2171.1799" + y="957.15997" + id="tspan576">2</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text577"><tspan + x="2145.1399" + y="957.15997" + id="tspan577">10 O</tspan></text> + </g> + <g + id="text6997-5-1-8-3-7-7-9"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text578"><tspan + x="2267.3701" + y="917.15997" + id="tspan578">13 NADP</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text579"><tspan + x="2317.4199" + y="917.15997" + id="tspan579">⁺</tspan></text> + </g> + <text + id="text6997-5-1-8-3-71-5-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2077.1499" + y="917.15997" + id="tspan580">2 PPi</tspan></text> + <text + id="text6997-5-1-8-3-71-5-7-36" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2118.1399" + y="917.15997" + id="tspan581">formate</tspan></text> + <g + id="text6997-5-1-8-3-71-5-7-3-5"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text582"><tspan + x="2171.48" + y="917.15997" + id="tspan582">2 CO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text583"><tspan + x="2199.51" + y="917.15997" + id="tspan583">₂</tspan></text> + </g> + <text + id="text7967-0" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2306.21" + y="940.547" + id="tspan584">Chol</tspan></text> + <text + id="text7967-5" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2255.3301" + y="957.15997" + id="tspan585">fPP</tspan></text> + <g + id="text6997-5-1-8-3-71-5-6-1"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text587"><tspan + x="2216.03" + y="917.15997" + id="tspan586">15 H</tspan><tspan + x="2245.6299" + y="917.15997" + id="tspan587">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text588"><tspan + x="2241.3999" + y="917.15997" + id="tspan588">₂</tspan></text> + </g> + <path + id="F_DSMSTOLR" + d="m 2296.59,937.274 c 5.84,-1.962 5.84,-1.962 5.84,-1.962 l -5.97,-1.524 1.54,1.689 z m -199.01,-11.328 c -1.46,-5.595 -1.46,-5.595 -1.46,-5.595 L 2095,926 l 1.25,-1.433 z m 46.25,0.528 c -1.46,-5.596 -1.46,-5.596 -1.46,-5.596 l -1.12,5.65 1.25,-1.433 z m 46.13,0 c -1.46,-5.596 -1.46,-5.596 -1.46,-5.596 l -1.12,5.65 1.25,-1.433 z m 48.87,0 c -1.46,-5.596 -1.46,-5.596 -1.46,-5.596 l -1.12,5.65 1.25,-1.433 z m 50.67,0.026 c -1.46,-5.595 -1.46,-5.595 -1.46,-5.595 l -1.12,5.649 1.25,-1.433 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_DSMSTOLR" + d="m 2132.5,935.635 c 11,-0.017 10,-9.468 10,-9.468 m -55.5,9.327 c 9.5,0 9.5,-9.328 9.5,-9.328 m 186.35,9.428 c 7.4,-0.998 5.52,-9.427 5.52,-9.427 m -20,9.327 c -7.48,1.119 -6.84,9.411 -6.84,9.411 m -31.03,-9.338 c 7.4,-0.998 7,-9.4 7,-9.4 m -60.3,9.4 c 11.3,-0.018 11.3,-9.4 11.3,-9.4 m -21.8,9.327 c -7.48,1.119 -6.84,9.411 -6.84,9.411 m -35.72,-9.316 c -7.47,1.119 -6.83,9.411 -6.83,9.411 m -43.81,-9.506 h 151.27 m 74.23,0.015 -74.23,-0.015 m 0,0 c -6.84,0 -6.84,9.411 -6.84,9.411" + stroke="#000000" + stroke-width="2.08645" /> + <g + id="text3145"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text589"><tspan + x="2103.21" + y="957.15997" + id="tspan589">16 H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text590"><tspan + x="2128.5801" + y="957.15997" + id="tspan590">⁺</tspan></text> + </g> + </g> + <text + id="text6997-5-1-8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1429" + y="854.203" + id="tspan591">AcCoA</tspan></text> + <g + id="Group 80"> + <text + id="text7122_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1716.38" + y="1068.55" + id="tspan592">HMGCoA</tspan></text> + <path + id="F_HMGCOAtm" + d="M 1746.49,951.86 C 1744.6,946 1744.6,946 1744.6,946 l -1.6,5.942 1.71,-1.516 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_HMGCOAtm" + d="M 1745,1047 V 951" + stroke="#000000" + stroke-width="1.40903" /> + <path + id="B_HMGCOAtm" + d="m 1743,1047.15 c 2.45,3.85 2.45,3.85 2.45,3.85 l 1.55,-4 -1.89,1.06 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="Group 81"> + <text + id="text7096" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1543.3199" + y="867.15997" + id="tspan593">AcCoA</tspan></text> + <text + id="text7126" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1524.3199" + y="903.15997" + id="tspan594">CoA</tspan></text> + <path + id="F_ACACT1r" + d="m 1544.57,885.774 c -4.71,3.345 -4.71,3.345 -4.71,3.345 l 2.77,-5.046 0.04,1.9 z m 41.93,33.726 c 1.5,2.797 1.5,6.5 1.5,6.5 l -3.99,-3.703 2.16,-0.551 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_ACACT1r" + d="m 1543.25,885.667 c 0,0 6.79,-3.904 4.26,-7.167 -2.54,-3.263 4.42,-9 4.42,-9 m -66.93,-16 c 0,0 68,8.5 100.5,68" + stroke="#000000" + stroke-width="1.91333" /> + </g> + </g> + <g + id="Group 26"> + <g + id="Group 157"> + <g + id="text6979-5-4-1-7-9-30-5-8-5-57-7-5-3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text595"><tspan + x="1457.61" + y="983.547" + id="tspan595">3</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text596"><tspan + x="1434.48" + y="983.547" + id="tspan596">NH</tspan></text> + </g> + <path + id="B_NH4tm" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1451.41,995.378 c -1.64,-5.367 -1.64,-5.367 -1.64,-5.367 l -1.76,5.328 1.71,-1.317 z" + stroke="#000000" + stroke-width="2.61244" /> + <path + id="R_NH4tm" + d="m 1493,1136.5 h -43.55 V 996" + stroke="#000000" + stroke-width="1.74956" /> + <path + id="F_NH4tm" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1493.39,1138.38 c 5.12,-2.31 5.12,-2.31 5.12,-2.31 l -5.51,-1.07 1.52,1.54 z" + stroke="#000000" + stroke-width="2.61244" /> + </g> + <text + id="text7967-0-3-6-2-7-4-34-0-4-2-9-0" + transform="translate(1771,1126)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.49218801" + y="14.5469" + id="tspan597">Ci</tspan></text> + <g + id="Group 64"> + <g + id="text7967-0-3-6-2-7-4-34-0-4-2-9"> + <text + transform="translate(1502,1126)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text598"><tspan + x="23.6094" + y="14.5469" + id="tspan598">3</tspan></text> + <text + transform="translate(1502,1126)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text599"><tspan + x="0.484375" + y="14.5469" + id="tspan599">NH</tspan></text> + </g> + <g + id="text7967-0-3-65-1-2-4-9-6-3-3-1-3-8"> + <text + transform="translate(1568,1145)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text600"><tspan + x="0.0617189" + y="11.1602" + id="tspan600">H</tspan></text> + <text + transform="translate(1568,1145)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text601"><tspan + x="8.7335901" + y="11.1602" + id="tspan601">⁺</tspan></text> + </g> + <g + id="text7967-0-3-65-1-2-4-9-6-3-3-1-3-3"> + <text + transform="translate(1527,1145)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text602"><tspan + x="31.2549" + y="11.1602" + id="tspan602">⁻</tspan></text> + <text + transform="translate(1527,1145)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text603"><tspan + x="27.031099" + y="11.1602" + id="tspan603">₃</tspan></text> + <text + transform="translate(1527,1145)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text604"><tspan + x="0.347469" + y="11.1602" + id="tspan604">HCO</tspan></text> + </g> + <text + id="text7967-0-3-65-1-2-4-9-6-3-3-1-3-0" + transform="translate(1660,1152)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.484375" + y="11.1602" + id="tspan605">2 ADP</tspan></text> + <text + id="text7967-0-3-65-1-2-4-9-6-3-3-1-3-0_2" + transform="translate(1638,1152)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.162109" + y="11.1602" + id="tspan606">Pi</tspan></text> + <path + id="F_CBPSam" + d="m 1675.5,1144 1.84,5.5 1.66,-5.5 -1.66,1 z m 11.63,-6.69 c 7.76,-1.83 7.76,-1.83 7.76,-1.83 l -7.98,-1.33 2.08,1.52 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_CBPSam" + d="m 1552.5,1135.29 c -6.5,0 -8,9.86 -8,9.86 m 38,-9.86 c -8,0 -9,9.86 -9,9.86 m 96,-9.86 c 7.5,0 7.5,9.86 7.5,9.86 m -66.5,-9.86 c -7.5,0 -9.5,9.86 -9.5,9.86 m 87.89,-9.86 c 0,0 -37.14,0 -53.89,0 m -96.5,0 c 0,0 67.41,0 96.5,0 m 0,0 c 8.5,0 8.5,9.86 8.5,9.86" + stroke="#000000" + stroke-width="2.08671" /> + <text + id="text3764" + transform="translate(1586,1145)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.097656198" + y="11.1602" + id="tspan607">2 ATP</tspan></text> + </g> + <text + id="text4999" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1796.49" + y="1161.16" + id="tspan608">Orn</tspan></text> + <g + id="text5007"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text609"><tspan + x="1826.0601" + y="1161.16" + id="tspan609">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text610"><tspan + x="1834.73" + y="1161.16" + id="tspan610">⁺</tspan></text> + </g> + <path + id="F_ORNt4m" + d="m 1826.5,1144.5 1.5,2.5 0.5,-3 -1,1 z m -18.5,-1 1,3 1,-3 -1,0.5 z m 106,-7 3.5,-1.5 -4,-1 1,1.5 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text5023" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1878.49" + y="1154.16" + id="tspan611">Orn</tspan></text> + <g + id="text5031"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text612"><tspan + x="1906.0601" + y="1154.16" + id="tspan612">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text613"><tspan + x="1914.73" + y="1154.16" + id="tspan613">⁺</tspan></text> + </g> + <path + id="R_ORNt4m" + d="m 1902.5,1135.21 c 7,0 7.5,8.79 7.5,8.79 m -29,-8.79 c 7.5,0 8.5,8.79 8.5,8.79 m -71,-8.79 c 9,0 9,8.79 9,8.79 m -28.5,-8.79 c 10,0 10,8.79 10,8.79 m -19,-8.79 h 126.5" + stroke="#000000" + stroke-width="2.08963" /> + <text + id="text5087" + transform="translate(1923,1126)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.49218801" + y="14.5469" + id="tspan614">Ci</tspan></text> + <g + id="Group 63"> + <text + id="text7967-0-3-6-2-7-4-34-0-4-2-9-8" + transform="translate(1698,1126)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.38281199" + y="14.5469" + id="tspan615">CP</tspan></text> + <text + id="text7967-0-3-65-1-2-4-9-6-3-3-1-3-8-8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1755.16" + y="1162.16" + id="tspan616">Pi</tspan></text> + <text + id="text7967-0-3-6-2-7-4-34-0-4-2-9-1" + transform="translate(1723,1148)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.49218801" + y="11.1602" + id="tspan617">Orn</tspan></text> + <path + id="F_OCBTm" + d="m 1755.5,1145.5 c 0.5,0.5 3,3.5 3,3.5 v -5 l -1.5,1.5 z m 7.36,-8.16 c 5.59,-1.93 5.59,-1.93 5.59,-1.93 l -5.74,-1.41 1.49,1.61 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_OCBTm" + d="m 1764.5,1135.95 h -36.83 m 28.83,9.05 c 0,0 0,-9.05 -10.41,-9.05 -10.59,0 -10.59,9.05 -10.59,9.05" + stroke="#000000" + stroke-width="2.23358" /> + <path + id="B_OCBTm" + d="m 1736.5,1145 -1.5,2.5 -0.5,-3.5 1.15,1 z m -7.76,-7.66 c -5.59,-1.93 -5.59,-1.93 -5.59,-1.93 l 5.74,-1.41 -1.49,1.61 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + </g> + <g + id="Group 27"> + <path + id="B_r0801" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1926.42,1954.04 c 9.22,-2.82 9.22,-2.82 9.22,-2.82 l -9.15,-3.03 2.26,2.95 z m -76.65,-18.8 c -2.44,-7.82 -2.44,-7.82 -2.44,-7.82 l -3.37,7.49 3.02,-1.75 z" + stroke="#000000" + stroke-width="2.37958" /> + <path + id="R_r2420" + d="m 686.536,2016.75 h 66.96 m -20.087,0.25 c 7.668,-1.39 5.72,-13.18 5.72,-13.18 m -32.117,13 c -1.097,-1.18 -4.335,-14.32 -1.585,-14.55" + stroke="#000000" + stroke-width="1.76783" /> + <text + id="text6979-5-4-1-7-9-30-5" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="765.43799" + y="2020.74" + id="tspan618">Pi</tspan></text> + <g + id="text6979-5-4-1-7-9-30-0"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text619"><tspan + x="699.43201" + y="1993.87" + id="tspan619">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text620"><tspan + x="710.995" + y="1993.87" + id="tspan620">⁺</tspan></text> + </g> + <text + id="text6979-5-4-1-7-9-30-93" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="668.43799" + y="2020.74" + id="tspan621">Pi</tspan></text> + <path + id="F_r2420" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 742.241,2005.31 c -3.175,-7.54 -3.175,-7.54 -3.175,-7.54 l -2.638,7.77 2.839,-2.03 z m 9.965,13.78 c 9.221,-2.82 9.221,-2.82 9.221,-2.82 l -9.155,-3.03 2.264,2.95 z" + stroke="#000000" + stroke-width="2.37958" /> + <path + id="R_ATPtm" + d="m 702.003,2085.68 c -0.546,-3.84 -3.194,-7.44 -3.425,-11.3 0.024,-0.32 0.159,-0.88 0.848,-0.88 m 41.356,12.2 c 4.225,-1.21 5.13,-5.96 5.492,-9.59 0.19,-2.28 0.155,-4.57 -0.088,-6.84 m -58.766,16.29 c 22.332,0 44.664,0 66.997,0" + stroke="#000000" + stroke-width="2.00185" /> + <text + id="text6979-5-4-1-7-9-30-9-8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="728.19501" + y="2060.5701" + id="tspan622">ATP</tspan></text> + <text + id="text6979-5-4-1-7-9-30-5-4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="766.10199" + y="2091.55" + id="tspan623">ADP</tspan></text> + <text + id="text6979-5-4-1-7-9-30-0-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="680.52197" + y="2061.22" + id="tspan624">ATP</tspan></text> + <text + id="text6979-5-4-1-7-9-30-93-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="651.10199" + y="2091.55" + id="tspan625">ADP</tspan></text> + <path + id="F_ATPtm" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 754.206,2087.9 c 9.221,-2.82 9.221,-2.82 9.221,-2.82 l -9.155,-3.03 2.264,2.95 z m -53.095,-13.2 c -2.828,-7.68 -2.828,-7.68 -2.828,-7.68 l -2.989,7.64 2.928,-1.9 z" + stroke="#000000" + stroke-width="2.37958" /> + <path + id="R_r0801" + d="m 1828.62,1951.7 h 98.43 m -29.07,0.11 c 7.92,-1.91 5.91,-17.99 5.91,-17.99 m -55.71,-1.45 c -4.21,8.16 7.27,19.52 7.27,19.52" + stroke="#000000" + stroke-width="2.61244" /> + <text + id="text6979-5-4-1-7-9-30-9-9" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1889.05" + y="1923.55" + id="tspan626">GTP</tspan></text> + <text + id="text6979-5-4-1-7-9-30-5-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1939.16" + y="1955.55" + id="tspan627">GDP</tspan></text> + <text + id="text6979-5-4-1-7-9-30-0-5" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1828.05" + y="1923.55" + id="tspan628">GTP</tspan></text> + <text + id="text6979-5-4-1-7-9-30-93-4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1781.16" + y="1955.55" + id="tspan629">GDP</tspan></text> + <path + id="F_r0801" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1830.2,1948.63 c -8.79,3.97 -8.79,3.97 -8.79,3.97 l 9.47,1.84 -2.62,-2.64 z m 77.01,-13.86 c -3.17,-7.54 -3.17,-7.54 -3.17,-7.54 l -2.64,7.77 2.84,-2.03 z" + stroke="#000000" + stroke-width="2.37958" /> + <path + id="F_H2Otm" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1842.74,2052.54 c -9.22,2.83 -9.22,2.83 -9.22,2.83 l 9.15,3.02 -2.26,-2.95 z" + stroke="#000000" + stroke-width="2.61244" /> + <path + id="R_H2Otm" + d="m 1836.17,2055.67 h 67.25" + stroke="#000000" + stroke-width="1.89358" /> + <g + id="text6979-5-4-1-7-9-30-5-8"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text631"><tspan + x="1912.1801" + y="2060.55" + id="tspan630">H</tspan><tspan + x="1929.37" + y="2060.55" + id="tspan631">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text632"><tspan + x="1923.74" + y="2060.55" + id="tspan632">₂</tspan></text> + </g> + <g + id="text6979-5-4-1-7-9-30-93-0"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text634"><tspan + x="1797.1801" + y="2060.55" + id="tspan633">H</tspan><tspan + x="1814.37" + y="2060.55" + id="tspan634">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text635"><tspan + x="1808.74" + y="2060.55" + id="tspan635">₂</tspan></text> + </g> + <g + id="Group 42"> + <g + id="text6979-5-4-1-7-9-30-5-8-5"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text636"><tspan + x="771.10199" + y="1272.55" + id="tspan636">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text637"><tspan + x="783.55499" + y="1272.55" + id="tspan637">₂</tspan></text> + </g> + <g + id="text6979-5-4-1-7-9-30-93-0-9"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text638"><tspan + x="662.10199" + y="1272.55" + id="tspan638">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text639"><tspan + x="674.55499" + y="1272.55" + id="tspan639">₂</tspan></text> + </g> + <path + id="F_O2tm" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 755.206,1269.9 c 9.221,-2.82 9.221,-2.82 9.221,-2.82 l -9.155,-3.03 2.264,2.95 z" + stroke="#000000" + stroke-width="2.61244" /> + <path + id="R_O2tm" + d="m 684.736,1267.56 h 75.546" + stroke="#000000" + stroke-width="2.00699" /> + </g> + <text + id="text6979-5-4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="738.48999" + y="2131.21" + id="tspan640">NADH</tspan></text> + <g + id="text7051-9-3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text641"><tspan + x="986.224" + y="2131.1599" + id="tspan641">NAD</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text642"><tspan + x="1011.57" + y="2131.1599" + id="tspan642">⁺</tspan></text> + </g> + <g + id="text7009-5-6"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text643"><tspan + x="1038.13" + y="2131.1599" + id="tspan643">0.95 QH</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text644"><tspan + x="1082.86" + y="2131.1599" + id="tspan644">₂</tspan></text> + </g> + <g + id="text6985-0-7"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text645"><tspan + x="862.20203" + y="2131.1599" + id="tspan645">4.75 H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text646"><tspan + x="897.59302" + y="2131.1599" + id="tspan646">⁺</tspan></text> + </g> + <text + id="text6312-9" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="927.47101" + y="2131.1599" + id="tspan647">0.95 Q</tspan></text> + <g + id="text6985-0-7-1"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text648"><tspan + x="931.04199" + y="2217.1599" + id="tspan648">3.8 H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text649"><tspan + x="959.75299" + y="2217.1599" + id="tspan649">⁺</tspan></text> + </g> + <g + id="text6979-5-4-0"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text650"><tspan + x="1022.49" + y="2080.1599" + id="tspan650">FADH</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text651"><tspan + x="1054.5" + y="2080.1599" + id="tspan651">₂</tspan></text> + </g> + <text + id="text7051-9-3-8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1089.33" + y="2080.1599" + id="tspan652">FAD</tspan></text> + <g + id="text7009-5-6-6"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text653"><tspan + x="1130.49" + y="2080.1599" + id="tspan653">QH</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text654"><tspan + x="1148.5" + y="2080.1599" + id="tspan654">₂</tspan></text> + </g> + <text + id="text6312-9-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1068.33" + y="2080.1599" + id="tspan655">Q</tspan></text> + <path + id="R_FADH2ETC" + d="m 1042.46,2086.72 v 21.18 h 99.93 v -21.18 m -69.37,0.23 v 20.1 m 28.66,0 v -19.47" + stroke="#000000" + stroke-width="1.23699" /> + <text + id="text6979-5-4-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1174.15" + y="2131.1599" + id="tspan656">2 Cytc-ox</tspan></text> + <text + id="text7051-9-3-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1323.3101" + y="2131.1599" + id="tspan657">2 Cytc-red</tspan></text> + <text + id="text7009-5-6-63" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1395.33" + y="2131.1599" + id="tspan658">Q</tspan></text> + <g + id="text6985-0-7-7"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text659"><tspan + x="1238.05" + y="2131.1599" + id="tspan659">2 H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text660"><tspan + x="1256.74" + y="2131.1599" + id="tspan660">⁺</tspan></text> + </g> + <g + id="text6312-9-5"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text661"><tspan + x="1274.49" + y="2131.1599" + id="tspan661">QH</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text662"><tspan + x="1292.5" + y="2131.1599" + id="tspan662">₂</tspan></text> + </g> + <path + id="R_CYOR_u10mi" + d="m 1292.85,2158.51 v 39.21 m 62.37,-39.21 v -18.88 m -73.13,0.68 v 18.2 M 1246.87,2140 v 18.51 m -36.61,-18.98 v 19.39 h 190.86 v -19.39" + stroke="#000000" + stroke-width="1.67636" /> + <g + id="text6985-0-7-1-5"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text663"><tspan + x="1282.05" + y="2217.1599" + id="tspan663">4 H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text664"><tspan + x="1300.74" + y="2217.1599" + id="tspan664">⁺</tspan></text> + </g> + <text + id="text6979-5-4-1-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1418.3101" + y="2131.1599" + id="tspan665">4 Cytc-red</tspan></text> + <text + id="text7051-9-3-6-2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1573.15" + y="2131.1599" + id="tspan666">4 Cytc-ox</tspan></text> + <g + id="text7009-5-6-63-1"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text668"><tspan + x="1638.37" + y="2131.1599" + id="tspan667">2 H</tspan><tspan + x="1661.29" + y="2131.1599" + id="tspan668">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text669"><tspan + x="1657.0601" + y="2131.1599" + id="tspan669">₂</tspan></text> + </g> + <g + id="text6985-0-7-7-3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text670"><tspan + x="1493.05" + y="2131.1599" + id="tspan670">8 H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text671"><tspan + x="1511.74" + y="2131.1599" + id="tspan671">⁺</tspan></text> + </g> + <g + id="text6312-9-5-4"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text672"><tspan + x="1527.33" + y="2131.1599" + id="tspan672">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text673"><tspan + x="1536.67" + y="2131.1599" + id="tspan673">₂</tspan></text> + </g> + <path + id="path4860" + d="m 1603.07,2158.71 v -18.79" + stroke="#000000" + stroke-width="1.20734" /> + <path + id="R_CYOOm2i" + d="m 1446.47,2136.92 v 22.24 h 206.91 v -22.24 m -148.76,-2.82 v 24.61 m 27.34,-23.88 v 23.88 m -20.55,0 v 35.25" + stroke="#000000" + stroke-width="1.15003" /> + <text + id="text7967-0-3-0-8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1789.16" + y="2025.55" + id="tspan674">GSH</tspan></text> + <text + id="text7967-0-3-0-2-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1928.16" + y="2025.55" + id="tspan675">GSH</tspan></text> + <path + id="R_r0885" + d="m 1853.86,2000.45 c 3.87,12.47 8.66,19.2 8.66,19.2 m 35.19,0.78 c 7.93,-1.99 5.92,-18.82 5.92,-18.82 m 14.81,18.97 -80.24,-0.34" + stroke="#000000" + stroke-width="2.69978" /> + <path + id="B_r0885" + d="m 1915.52,2022.52 c 9.67,-3.1 9.67,-3.1 9.67,-3.1 l -9.8,-2.65 2.5,2.82 z m -58.77,-20.92 c -3.3,-9.6 -3.3,-9.6 -3.3,-9.6 l -2.45,9.85 2.77,-2.56 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="F_r0885" + d="m 1838.62,2017.2 c -9.62,3.23 -9.62,3.23 -9.62,3.23 l 9.83,2.52 -2.53,-2.79 z m 67.69,-15.32 c -2.32,-9.88 -2.32,-9.88 -2.32,-9.88 l -3.42,9.56 3.01,-2.27 z" + stroke="#000000" + stroke-width="2.66667" /> + <text + id="text7967-0-3-9-1-2-4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1896.4399" + y="1988.55" + id="tspan676">Pi</tspan></text> + <text + id="text7967-0-3-9-1-2-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1845.4399" + y="1988.55" + id="tspan677">Pi</tspan></text> + <g + id="Group 46"> + <path + id="R_GLYtm" + d="m 752.209,1936.85 -64.786,-0.29" + stroke="#000000" + stroke-width="2.65716" /> + <path + id="F_GLYtm" + d="m 751.762,1939.44 c 9.665,-3.1 9.665,-3.1 9.665,-3.1 l -9.798,-2.65 2.499,2.82 z" + stroke="#000000" + stroke-width="2.66667" /> + <text + id="text7967-0-3-0-0-89" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="658.09399" + y="1939.55" + id="tspan678">Gly</tspan></text> + <text + id="text7967-0-3-0-2-8-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="766.09399" + y="1940.55" + id="tspan679">Gly</tspan></text> + </g> + <text + id="text7967-0-3-0-2-6-3-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="783.15601" + y="1548.85" + id="tspan680">Mal</tspan></text> + <text + id="text7967-0-3-9-1-2-1-3-4-0" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="680.15002" + y="1513.55" + id="tspan681">AKG</tspan></text> + <text + id="text7967-0-3-9-1-2-1-3-4-8-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="734.31201" + y="1513.91" + id="tspan682">AKG</tspan></text> + <path + id="R_AKGMALtm" + d="m 745.745,1543.38 c 7.197,-1.54 5.369,-14.54 5.369,-14.54 m -43.653,0.3 c -5.127,3.9 4.567,14.88 4.567,14.88 m 53.51,-0.92 -82.33,-0.33" + stroke="#000000" + stroke-width="2.11767" /> + <path + id="F_AKGMALtm" + d="m 753.439,1530.28 c -0.986,-3.24 -1.972,-6.47 -2.958,-9.71 -0.932,3.25 -1.863,6.51 -2.794,9.76 1.642,-1.71 3.285,-3.26 4.963,-0.71 0.263,0.22 0.526,0.44 0.789,0.66 z m -69.505,9.83 c -3.229,1.01 -6.458,2.02 -9.687,3.03 3.26,0.9 6.52,1.81 9.779,2.72 -1.718,-1.63 -3.282,-3.26 -0.742,-4.96 0.217,-0.26 0.433,-0.53 0.65,-0.79 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_ATPS4mi" + d="m 1810.34,2159.61 -0.02,-18.89 m -93.65,19.15 -0.3,43.6 m 51.22,-44.06 -0.03,-18.51 m -34.03,-3.31 v 21.85 m -33.03,-22.36 -0.03,22.56 150.92,0.49 0.04,-22.55" + stroke="#000000" + stroke-width="1.26667" /> + <text + id="text7009-5-6-63-1-9" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1689.16" + y="2131.1599" + id="tspan683">ADP</tspan></text> + <text + id="text7009-5-6-63-1-5" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1728.16" + y="2131.1599" + id="tspan684">Pi</tspan></text> + <text + id="text7009-5-6-63-1-9-0" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1756.27" + y="2131.1599" + id="tspan685">ATP</tspan></text> + <g + id="text7051-9-3-6-2-1"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text687"><tspan + x="1797.38" + y="2131.1599" + id="tspan686">H</tspan><tspan + x="1810.28" + y="2131.1599" + id="tspan687">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text688"><tspan + x="1806.05" + y="2131.1599" + id="tspan688">₂</tspan></text> + </g> + <g + id="text7051-9-3-6-2-6"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text689"><tspan + x="1840.05" + y="2131.1599" + id="tspan689">4 H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text690"><tspan + x="1858.74" + y="2131.1599" + id="tspan690">⁺</tspan></text> + </g> + <text + id="text7967-0-3-6-2-7-4-34-0-5-2-1-4-5" + transform="translate(1183.09,1923.51)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0" + y="14.5469" + id="tspan691">10-formylTHF</tspan></text> + <text + id="text7967-0-3-6-2-7-4-34-0-5-2-1-4-2-9" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1039.04" + y="1937.71" + id="tspan692">5,10mTHF</tspan></text> + <g + id="text7967-0-3-65-1-2-4-9-6-3-3-1-0-5-5-1"> + <text + transform="rotate(0.0309296,-3633961.1,2079803.6)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text694"><tspan + x="0.38223499" + y="11.1602" + id="tspan693">H</tspan><tspan + x="13.2779" + y="11.1602" + id="tspan694">O</tspan></text> + <text + transform="rotate(0.0309296,-3633961.1,2079803.6)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text695"><tspan + x="9.0541096" + y="11.1602" + id="tspan695">₂</tspan></text> + </g> + <text + id="text7967-0-3-6-2-7-4-34-0-5-2-7-4" + transform="translate(873.06,1923.29)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0" + y="14.5469" + id="tspan696">5,10meTHF</tspan></text> + <path + id="R_MTHFDm" + d="M 1026.5,1933.32 H 970.072 M 1017,1951 c 3.47,-12.99 -8,-17.68 -8,-17.68 m -23.297,0.87 c -7.014,2.08 -9.203,14.31 -9.203,14.31" + stroke="#000000" + stroke-width="2.45082" /> + <path + id="F_MTHFDm" + d="m 972.46,1930.36 c -8.43,2.99 -8.43,2.99 -8.43,2.99 l 8.645,2.24 -2.242,-2.52 z m 1.04,15.64 2,7 5,-5 -3.681,1 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="B_MTHFDm" + d="m 1015.6,1949.68 c 2.01,9.32 2.01,9.32 2.01,9.32 l 2.24,-9.23 -2.15,2.27 z m 8.88,-13.98 c 9.8,-2.64 9.8,-2.64 9.8,-2.64 l -9.66,-3.11 2.36,2.94 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text7967-0-3-65-5-3-5-8-9-7-6-6-6-7-7" + transform="rotate(0.813633,-137520.66,71342.096)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.48828101" + y="11.1602" + id="tspan697">NADPH</tspan></text> + <g + id="text7967-0-3-65-1-2-4-9-6-3-3-1-0-2-8"> + <text + transform="rotate(0.777998,-143424.05,71247.391)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text698"><tspan + x="0.221874" + y="11.1602" + id="tspan698">NADP</tspan></text> + <text + transform="rotate(0.777998,-143424.05,71247.391)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text699"><tspan + x="33.573399" + y="11.1602" + id="tspan699">⁺</tspan></text> + </g> + <g + id="text7967-0-3-65-1-2-4-9-6-3-3-1-0-5-5-1-8"> + <text + transform="rotate(0.0309296,-3633941.1,2153901.9)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text700"><tspan + x="0.0617189" + y="11.1602" + id="tspan700">H</tspan></text> + <text + transform="rotate(0.0309296,-3633941.1,2153901.9)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text701"><tspan + x="8.7335901" + y="11.1602" + id="tspan701">⁺</tspan></text> + </g> + <text + id="text7967-0-3-65-5-3-5-8-9-7-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="873.35901" + y="1896.21" + id="tspan702">THF</tspan></text> + <g + id="text7967-0-3-65-1-2-4-9-6-3-1"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text704"><tspan + x="874.45898" + y="1919.3" + id="tspan703">H</tspan><tspan + x="887.35498" + y="1919.3" + id="tspan704">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text705"><tspan + x="883.13098" + y="1919.3" + id="tspan705">₂</tspan></text> + </g> + <g + id="text6979-5-4-1-7-9-30-5-8-5-5"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text706"><tspan + x="1911.3199" + y="2093.55" + id="tspan706">CO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text707"><tspan + x="1935.34" + y="2093.55" + id="tspan707">₂</tspan></text> + </g> + <g + id="text6979-5-4-1-7-9-30-93-0-9-3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text708"><tspan + x="1801.3199" + y="2093.55" + id="tspan708">CO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text709"><tspan + x="1825.34" + y="2093.55" + id="tspan709">₂</tspan></text> + </g> + <path + id="B_CO2tm" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1897.02,2091.7 c 9.22,-2.82 9.22,-2.82 9.22,-2.82 l -9.15,-3.02 2.26,2.95 z" + stroke="#000000" + stroke-width="2.61244" /> + <path + id="R_CO2tm" + d="m 1841.89,2089.37 h 58.85" + stroke="#000000" + stroke-width="1.77153" /> + <path + id="F_CO2tm" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1845.36,2085.75 c -8.78,3.96 -8.78,3.96 -8.78,3.96 l 9.46,1.85 -2.62,-2.64 z" + stroke="#000000" + stroke-width="2.61244" /> + <g + id="Group 53"> + <text + id="text7967-0-3-6-2-7-4-34-0-4-2-9-11" + transform="translate(1682.06,1623.15)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.375" + y="14.5469" + id="tspan710">NADH</tspan></text> + <text + id="text7967-0-3-6-2-7-4-34-0-4-2-9-62" + transform="translate(1916.06,1623.18)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.0390625" + y="14.5469" + id="tspan711">NADPH</tspan></text> + <g + id="text7009-4-5"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text712"><tspan + x="1723.02" + y="1614.55" + id="tspan712">NADP</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text713"><tspan + x="1768.38" + y="1614.55" + id="tspan713">⁺</tspan></text> + </g> + <g + id="text7009-4-5-0"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text714"><tspan + x="1791.35" + y="1608.55" + id="tspan714">NAD</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text715"><tspan + x="1826.04" + y="1608.55" + id="tspan715">⁺</tspan></text> + </g> + <path + id="F_THD1m" + d="m 1902.98,1635.71 c 9.66,-3.1 9.66,-3.1 9.66,-3.1 l -9.8,-2.65 2.5,2.82 z m -89.98,-18.21 -3,-4.5 -0.5,5.5 2,-1.5 z m 38,0 -2,-4 -2,5 2.5,-1.5 z" + stroke="#000000" + stroke-width="2.23952" /> + <g + id="text7009-4-5-0-8"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text716"><tspan + x="1843.42" + y="1608.55" + id="tspan716">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text717"><tspan + x="1854.98" + y="1608.55" + id="tspan717">⁺</tspan></text> + </g> + <path + id="R_THD1m" + d="M 1905.5,1632.5 H 1732 m 72,0 c 12,0 7.5,-14.74 7.5,-14.74 m -66.5,0 c -5.5,14.74 11,14.74 11,14.74 m 82,0 c 13.5,0 11,-14.74 11,-14.74 m 37,14.74 c -5,15 14,22 14,22" + stroke="#000000" + stroke-width="2.02293" /> + <g + id="text7009-4-5-0-8-2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text718"><tspan + x="1904.0601" + y="1661.16" + id="tspan718">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text719"><tspan + x="1912.73" + y="1661.16" + id="tspan719">⁺</tspan></text> + </g> + </g> + <g + id="Group 51"> + <g + id="text7967-0-3-9-1-34"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text721"><tspan + x="1539" + y="1312.55" + id="tspan720">H</tspan><tspan + x="1556.2" + y="1312.55" + id="tspan721">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text723"><tspan + x="1550.5699" + y="1312.55" + id="tspan722">₂</tspan><tspan + x="1568.65" + y="1312.55" + id="tspan723">₂</tspan></text> + </g> + <g + id="text7967-0-3-9-1-8-46"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text725"><tspan + x="1773.5" + y="1312.55" + id="tspan724">2 H</tspan><tspan + x="1804.05" + y="1312.55" + id="tspan725">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text726"><tspan + x="1798.42" + y="1312.55" + id="tspan726">₂</tspan></text> + </g> + <text + id="text7967-0-3-2-6-6-4-4-3-5" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1584.48" + y="1289.55" + id="tspan727">2 GSH</tspan></text> + <g + id="text7967-0-3-0-0-3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text728"><tspan + x="1407.36" + y="1309.55" + id="tspan728">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text729"><tspan + x="1419.8101" + y="1309.55" + id="tspan729">₂</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text730"><tspan + x="1425.4399" + y="1309.55" + id="tspan730">⁻</tspan></text> + </g> + <g + id="text7967-0-3-0-1-1"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text731"><tspan + x="1437.15" + y="1283.16" + id="tspan731">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text732"><tspan + x="1446.49" + y="1283.16" + id="tspan732">₂</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text733"><tspan + x="1450.72" + y="1283.16" + id="tspan733">⁻</tspan></text> + </g> + <g + id="text7967-0-3-9-1-7-4"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text734"><tspan + x="1467.1899" + y="1286.16" + id="tspan734">2 H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text735"><tspan + x="1485.88" + y="1286.16" + id="tspan735">⁺</tspan></text> + </g> + <g + id="text7967-0-3-9-1-2-15"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text736"><tspan + x="1508.46" + y="1278.16" + id="tspan736">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text737"><tspan + x="1517.8" + y="1278.16" + id="tspan737">₂</tspan></text> + </g> + <path + id="R_SPODMm" + d="m 1504.5,1307.26 c 7.98,-2.18 7.31,-18.44 7.31,-18.44 m 14.76,18.37 -95.57,-0.33 m 45.18,-18.57 c -2.88,10.71 5.2,19.62 5.2,19.62 m -38.17,-20.71 c -4.05,7.37 3.39,20.62 3.39,20.62" + stroke="#000000" + stroke-width="2.32897" /> + <path + id="R_GTHPm" + d="M 1761.5,1306.86 H 1577 m 138,0 c 26,0 26,-13.36 26,-13.36 m -133,0 c 0,13.36 19.5,13.36 19.5,13.36" + stroke="#000000" + stroke-width="2.59831" /> + <text + id="text7967-0-3-2-6-6-4-4-3-8-2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1717.38" + y="1284.55" + id="tspan738">GSSG</tspan></text> + <path + id="F_GTHPm" + d="m 1759.94,1309.76 c 9.66,-3.1 9.66,-3.1 9.66,-3.1 l -9.8,-2.65 2.5,2.82 z m -16.61,-14.76 -3,-6.5 -1.5,6.5 1.67,-1 z" + stroke="#000000" + stroke-width="1.90098" /> + <g + id="Group 158"> + <path + id="R_GDRm" + d="M 1619.5,1274.5 V 1254 c 0,0 26.1,0.03 34.5,0 m 84.37,17 v -17 c 0,0 -46.34,-0.12 -84.37,0 m 52.5,-0.05 c 14.5,0.02 14.5,9.05 14.5,9.05 m -28,0 c 0,-9.06 -17.5,-9.05 -17.5,-9.05 M 1654,1254 c -16.5,0.01 -16.5,9.5 -16.5,9.5" + stroke="#000000" + stroke-width="2.22804" /> + <path + id="R_GTHOm" + d="m 1609,1270.5 v -24.25 c 0,0 65.58,0.23 100.5,0 m 37.5,24.25 v -24.25 c 0,0 -28.63,-0.06 -37.5,0 m -28.5,-0.22 c 17,-0.11 17,-9.53 17,-9.53 m -73,0 c 0,9.7 23.06,9.75 23.06,9.75 m 61.44,0 c 21.5,0.17 21.5,-9.75 21.5,-9.75" + stroke="#000000" + stroke-width="2.53679" /> + <text + id="text7967-0-3-2-6-6-4-4-3-8-7-4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1674.49" + y="1273.16" + id="tspan739">NADH</tspan></text> + <g + id="text7967-0-3-2-6-6-4-4-3-8-7-4_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text740"><tspan + x="1717.0601" + y="1273.16" + id="tspan740">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text741"><tspan + x="1725.73" + y="1273.16" + id="tspan741">⁺</tspan></text> + </g> + <g + id="text7967-0-3-2-6-6-4-4-3-8-6-4"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text742"><tspan + x="1637.22" + y="1279.16" + id="tspan742">NAD</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text743"><tspan + x="1662.5699" + y="1279.16" + id="tspan743">⁺</tspan></text> + </g> + <text + id="text7967-0-3-2-6-6-4-4-3-8-7-6-4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1674.49" + y="1235.16" + id="tspan744">NADPH</tspan></text> + <g + id="text7967-0-3-2-6-6-4-4-3-8-7-6-4_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text745"><tspan + x="1726.0601" + y="1235.16" + id="tspan745">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text746"><tspan + x="1734.73" + y="1235.16" + id="tspan746">⁺</tspan></text> + </g> + <g + id="text7967-0-3-2-6-6-4-4-3-8-6-9-4"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text747"><tspan + x="1609.22" + y="1227.16" + id="tspan747">NADP</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text748"><tspan + x="1642.5699" + y="1227.16" + id="tspan748">⁺</tspan></text> + </g> + <path + id="F_GTHOm" + d="m 1626.5,1236.5 -2,-4.5 -1.5,5 1.5,-1 z m -19.5,30.5 2.5,6 3,-6 -3,1.5 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="F_GDRm" + d="m 1640.5,1262.39 -1,5 -4,-3.5 h 3 z M 1617,1265 c 3.01,9.69 3.01,9.69 3.01,9.69 l 2.74,-9.77 -2.84,2.47 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <path + id="F_SPODMm" + d="m 1514.07,1291.82 c -0.87,-9.5 -0.87,-9.5 -0.87,-9.5 l -3.34,8.89 2.41,-2 z m 11.13,17.94 c 9.66,-3.1 9.66,-3.1 9.66,-3.1 l -9.8,-2.65 2.5,2.82 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <g + id="Group 45"> + <g + id="text7967-0-3-0-02-8"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text749"><tspan + x="1281.3199" + y="1168.55" + id="tspan749">CO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text750"><tspan + x="1305.34" + y="1168.55" + id="tspan750">₂</tspan></text> + </g> + <g + id="text7967-0-3-0-2-78-89"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text751"><tspan + x="1376.3" + y="1169.55" + id="tspan751">HCO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text752"><tspan + x="1411.87" + y="1169.55" + id="tspan752">₃</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text753"><tspan + x="1417.51" + y="1169.55" + id="tspan753">⁻</tspan></text> + </g> + <path + id="R_HCO3Em" + d="m 1361.75,1163.87 -48.07,-0.34 m 26.91,0.02 c 8.39,-2.49 6.26,-23.52 6.26,-23.52 m -15.44,24.58 c -8.48,2.79 -7.75,23.48 -7.75,23.48" + stroke="#000000" + stroke-width="2.348" /> + <g + id="text7967-0-3-9-1-2-4-3-0"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text754"><tspan + x="1344.0601" + y="1130.16" + id="tspan754">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text755"><tspan + x="1352.73" + y="1130.16" + id="tspan755">⁺</tspan></text> + </g> + <g + id="text7967-0-3-9-1-2-1-3-6"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text757"><tspan + x="1314.38" + y="1199.16" + id="tspan756">H</tspan><tspan + x="1327.28" + y="1199.16" + id="tspan757">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text758"><tspan + x="1323.05" + y="1199.16" + id="tspan758">₂</tspan></text> + </g> + <path + id="F_HCO3Em" + d="m 1349.48,1146.74 c -1.36,-9.44 -1.36,-9.44 -1.36,-9.44 l -2.88,9.05 2.31,-2.11 z m 12.28,19.7 c 9.67,-3.1 9.67,-3.1 9.67,-3.1 l -9.8,-2.65 2.5,2.82 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <text + id="text5831" + transform="translate(1135,1854.01)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.160156" + y="11.1602" + id="tspan759">ADP</tspan></text> + <g + id="Group 47"> + <path + id="R_r1435" + d="m 751.439,1878.87 -58.019,-0.34" + stroke="#000000" + stroke-width="2.69508" /> + <path + id="B_r1435" + d="m 694.404,1875.79 c -9.623,3.23 -9.623,3.23 -9.623,3.23 l 9.832,2.52 -2.536,-2.78 z" + stroke="#000000" + stroke-width="2.66667" /> + <text + id="text7967-0-3-0-0-8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="655.09399" + y="1881.55" + id="tspan760">Ser</tspan></text> + <text + id="text7967-0-3-0-2-8-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="764.09399" + y="1883.55" + id="tspan761">Ser</tspan></text> + <path + id="F_r1435" + d="m 750.723,1881.54 c 9.624,-3.23 9.624,-3.23 9.624,-3.23 l -9.832,-2.52 2.536,2.79 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="text5439"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text762"><tspan + x="797.46698" + y="2131.1599" + id="tspan762">0.05 O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text763"><tspan + x="833.52502" + y="2131.1599" + id="tspan763">₂</tspan></text> + </g> + <path + id="R_Complex1ROS" + d="m 1063.52,2158.53 v -18.8 m -245.938,-3.41 v 22.21 m -62.155,-23.61 v 23.54 h 385.003 v -23.54 m -259.956,1.4 v 22.21 m 65.468,-22.23 v 22.23 m 53.996,0 v -18.8 m -51.392,18.2 v 31.92" + stroke="#000000" + stroke-width="1.64481" /> + <g + id="text5449"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text764"><tspan + x="1115.16" + y="2131.1599" + id="tspan764">0.05 O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text765"><tspan + x="1151.22" + y="2131.1599" + id="tspan765">₂</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text766"><tspan + x="1155.4399" + y="2131.1599" + id="tspan766">⁻</tspan></text> + </g> + <path + id="R_GLYC3Ptm" + d="M 753.5,1726.21 H 688.353" + stroke="#000000" + stroke-width="2.52383" /> + <path + id="F_GLYC3Ptm" + d="m 692,1645.04 c -9.614,3.26 -9.614,3.26 -9.614,3.26 l 9.839,2.49 -2.544,-2.78 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text5621" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="766.32001" + y="1651.55" + id="tspan767">DHAP</tspan></text> + <text + id="text5621-9" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="633.32001" + y="1651.55" + id="tspan768">DHAP</tspan></text> + <text + id="text5629" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="803.28802" + y="1701.61" + id="tspan769">FAD</tspan></text> + <path + id="R_G3PDm" + d="m 788.507,1689.6 c -0.924,-7.07 -13.463,-8.66 -13.463,-8.66 m 13.099,8.86 c 0.316,7.12 12.673,9.77 12.673,9.77 m -12.624,-33.79 -0.184,51.92" + stroke="#000000" + stroke-width="2.59711" /> + <g + id="text5641"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text770"><tspan + x="729.51898" + y="1684.24" + id="tspan770">FADH</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text771"><tspan + x="761.534" + y="1684.24" + id="tspan771">₂</tspan></text> + </g> + <path + id="F_G3PDm" + d="m 791.347,1666.61 c -3.256,-9.61 -3.256,-9.61 -3.256,-9.61 l -2.493,9.84 2.779,-2.55 z m -14.817,12.55 c -9.53,-0.39 -9.53,-0.39 -9.53,-0.39 l 8.368,4.49 -1.657,-2.66 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text5649" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="766.30499" + y="1731.55" + id="tspan772">Gly3P</tspan></text> + <text + id="text5649-4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="638.30499" + y="1731.55" + id="tspan773">Gly3P</tspan></text> + <path + id="R_DHAPtm" + d="M 764,1648.1 H 689.169" + stroke="#000000" + stroke-width="2.69623" /> + <path + id="F_DHAPtm" + d="m 752.225,1729.75 c 9.614,-3.26 9.614,-3.26 9.614,-3.26 L 752,1724 l 2.544,2.78 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="B_AKGMALtm" + d="m 766.339,1545.86 c 3.229,-1.01 6.458,-2.02 9.687,-3.03 -3.259,-0.91 -6.519,-1.82 -9.779,-2.72 1.719,1.62 3.283,3.26 0.743,4.95 -0.217,0.27 -0.434,0.53 -0.651,0.8 z m -58.9,-15.58 c -0.986,-3.24 -1.972,-6.47 -2.958,-9.71 -0.932,3.25 -1.863,6.51 -2.794,9.76 1.642,-1.71 3.285,-3.26 4.963,-0.71 0.263,0.22 0.526,0.44 0.789,0.66 z" + stroke="#000000" + stroke-width="2.66667" /> + <g + id="Group 59"> + <text + id="text7045" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1018.31" + y="1364.55" + id="tspan774">AcCoA</tspan></text> + <text + id="text7003-2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="881.09399" + y="1365.55" + id="tspan775">Pyr</tspan></text> + <path + id="R_PDHm" + d="m 941.281,1361.7 c 7.878,-2.04 5.487,-18.31 5.487,-18.31 m -10.712,18.81 c -7.953,2.27 -6.897,18.3 -6.897,18.3 m 36.754,-18.93 c -7.954,2.28 -6.897,18.3 -6.897,18.3 m 5.068,-18.04 c 7.878,-2.04 5.487,-18.31 5.487,-18.31 m 15.79,18.63 c 7.878,-2.04 5.487,-18.31 5.487,-18.31 m -80.23,18.2 94.392,-0.34" + stroke="#000000" + stroke-width="2.30544" /> + <g + id="text6973-9-0-3-2-2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text776"><tspan + x="1029.22" + y="1522.16" + id="tspan776">NAD</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text777"><tspan + x="1054.5699" + y="1522.16" + id="tspan777">⁺</tspan></text> + </g> + <g + id="text6973-9-0-3-2-25"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text778"><tspan + x="1022.22" + y="1572.16" + id="tspan778">NADP</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text779"><tspan + x="1055.5699" + y="1572.16" + id="tspan779">⁺</tspan></text> + </g> + <text + id="NADH" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="964.48999" + y="1511.16" + id="tspan780">NADH</tspan></text> + <g + id="CO2_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text781"><tspan + x="936.48999" + y="1511.16" + id="tspan781">CO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text782"><tspan + x="954.50201" + y="1511.16" + id="tspan782">₂</tspan></text> + </g> + <g + id="H+_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text783"><tspan + x="916.06201" + y="1511.16" + id="tspan783">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text784"><tspan + x="924.73401" + y="1511.16" + id="tspan784">⁺</tspan></text> + </g> + <path + id="R_PCm" + d="m 905.722,1372.71 v 59.75 h 160.838 m -34.67,-0.13 c 10.53,-1.95 10.54,-16.24 10.54,-16.24 m 3.63,16.52 c -10.18,2.01 -11.38,15.88 -11.38,15.88 m -13.52,-15.86 c -10.18,2.02 -11.38,15.89 -11.38,15.89 m -15.345,-15.91 c -10.179,2.01 -11.377,15.88 -11.377,15.88 m 21.632,-15.92 c 10.53,-1.94 10.54,-16.23 10.54,-16.23" + stroke="#000000" + stroke-width="2.13013" /> + <path + id="F_PCm" + d="m 1062.79,1429.27 c 9.16,3 9.16,3 9.16,3 l -9.21,2.84 2.32,-2.9 z m -18.1,-12.16 c -1.84,-9.36 -1.84,-9.36 -1.84,-9.36 l -2.42,9.18 2.2,-2.23 z m -26.94,0 c -1.83,-9.36 -1.83,-9.36 -1.83,-9.36 l -2.42,9.18 2.2,-2.23 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="F_PDHm" + d="m 1002.7,1358.97 c 9.24,2.75 9.24,2.75 9.24,2.75 l -9.13,3.1 2.24,-2.97 z m -9.162,-14.12 c -1.839,-9.36 -1.839,-9.36 -1.839,-9.36 l -2.415,9.19 2.199,-2.23 z m -21.334,0 c -1.838,-9.36 -1.838,-9.36 -1.838,-9.36 l -2.416,9.19 2.199,-2.23 z m -22.415,0 c -1.839,-9.36 -1.839,-9.36 -1.839,-9.36 l -2.415,9.19 2.199,-2.23 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="F_ME1m" + d="m 897.233,1382.57 c -2.615,-8.55 -2.615,-8.55 -2.615,-8.55 l -3.081,8.81 2.906,-2.3 z m 50.645,141.45 c -2.818,-9.11 -2.818,-9.11 -2.818,-9.11 l -1.43,9.39 1.95,-2.45 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text5787" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1038.1801" + y="1403.02" + id="tspan785">Pi</tspan></text> + <text + id="text5791" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1003.51" + y="1403.2" + id="tspan786">ADP</tspan></text> + <g + id="text5795"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text787"><tspan + x="1004.06" + y="1460.16" + id="tspan787">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text788"><tspan + x="1012.73" + y="1460.16" + id="tspan788">⁺</tspan></text> + </g> + <text + id="text5799" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="971.27301" + y="1460.16" + id="tspan789">ATP</tspan></text> + <g + id="text5803"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text790"><tspan + x="1026.35" + y="1460.16" + id="tspan790">HCO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text791"><tspan + x="1053.03" + y="1460.16" + id="tspan791">₃</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text792"><tspan + x="1057.25" + y="1460.16" + id="tspan792">⁻</tspan></text> + </g> + <g + id="text5807"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text793"><tspan + x="914.224" + y="1392.16" + id="tspan793">NAD</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text794"><tspan + x="939.57098" + y="1392.16" + id="tspan794">⁺</tspan></text> + </g> + <text + id="text5811" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="949.32202" + y="1392.16" + id="tspan795">CoA</tspan></text> + <g + id="text5815"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text796"><tspan + x="951.16602" + y="1332.16" + id="tspan796">2</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text797"><tspan + x="933.15399" + y="1332.16" + id="tspan797">CO</tspan></text> + </g> + <g + id="text5819"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text798"><tspan + x="965.06201" + y="1332.16" + id="tspan798">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text799"><tspan + x="973.73401" + y="1332.16" + id="tspan799">⁺</tspan></text> + </g> + <text + id="text5823" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="984.48999" + y="1332.16" + id="tspan800">NADH</tspan></text> + <path + id="R_ME1m" + d="m 1032.5,1537.09 c 9,-0.25 9,-13.59 9,-13.59 m -88.721,13.59 c -7.084,-2.04 -7.279,-13.59 -7.279,-13.59 m 131.76,13.34 c 0,0 -55.6,0 -91.227,0 m -91.228,-156.91 v 156.91 c 0,0 14.123,0 32.695,0 m 58.533,0 C 977,1536.84 977,1523.5 977,1523.5 m 9.033,13.34 c -17.671,0 -40.256,0 -58.533,0 m 0,0 c -10,0 -8,-13.34 -8,-13.34" + stroke="#000000" + stroke-width="2.2037" /> + <g + id="F_ME2m"> + <path + d="m 884.618,1374.02 2.615,8.55 -2.79,-2.04 -2.906,2.3 z" + stroke="#000000" + stroke-width="2.23952" + id="path800" /> + <path + d="m 892,1559 2,1.5 2,-0.5 -2,6 z" + stroke="#000000" + stroke-width="2.23952" + id="path801" /> + <path + d="m 925,1561.5 1.5,0.5 3,-2 -2,5.5 z" + stroke="#000000" + stroke-width="2.23952" + id="path802" /> + <path + d="m 971,1560 2.5,1.5 2.5,-1.5 -2.5,5.5 z" + stroke="#000000" + stroke-width="2.23952" + id="path803" /> + </g> + <path + id="R_ME2m" + d="m 1031,1546.78 c 11,0 9.5,14.22 9.5,14.22 M 986,1546.78 c -12.5,0 -12.5,14.22 -12.5,14.22 m 104.26,-14.22 c 0,0 -85.484,0 -140.26,0 m -53.44,-165.25 v 165.25 c 0,0 8.675,0 19.94,0 m 33.5,0 c -11,0 -11,14.22 -11,14.22 m 11,-14.22 c -10.099,0 -22.938,0 -33.5,0 m 0,0 c -10,0 -10,14.22 -10,14.22" + stroke="#000000" + stroke-width="2.35628" /> + <text + id="NADPH_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="953.48798" + y="1580.16" + id="tspan803">NADPH</tspan></text> + <g + id="H+_3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text804"><tspan + x="923.06201" + y="1580.16" + id="tspan804">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text805"><tspan + x="931.73401" + y="1580.16" + id="tspan805">⁺</tspan></text> + </g> + <g + id="CO2_3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text806"><tspan + x="884.48999" + y="1580.16" + id="tspan806">CO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text807"><tspan + x="902.50201" + y="1580.16" + id="tspan807">₂</tspan></text> + </g> + </g> + <path + id="B_H2Otm" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1897.58,2052.92 c 9.23,2.82 9.23,2.82 9.23,2.82 l -9.16,3.03 2.26,-2.95 z" + stroke="#000000" + stroke-width="2.61244" /> + <path + id="R_MTHFCm" + d="m 1172.64,1933 -45.6,-0.04 m 35.7,21.57 c 3.47,-12.98 -4.92,-21.19 -4.92,-21.19 m -15.15,0.1 c -7.01,2.07 -6.13,23.25 -6.13,23.25" + stroke="#000000" + stroke-width="2.45082" /> + <path + id="F_MTHFCm" + d="m 1133.79,1950.86 c 2.01,9.32 2.01,9.32 2.01,9.32 l 2.25,-9.23 -2.16,2.27 z m -4.36,-20.86 c -8.43,2.99 -8.43,2.99 -8.43,2.99 l 8.65,2.24 -2.25,-2.52 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text3093" + transform="translate(1199.89,1854.26)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.162109" + y="11.1602" + id="tspan808">Pi</tspan></text> + <g + id="F_FTHFLmi"> + <path + d="m 1227.5,1913 3.5,1.5 3.5,-1.5 -3.5,9 z" + stroke="#000000" + stroke-width="2.23952" + id="path808" /> + <path + d="m 1206,1874 1.5,-1 2,-0.5 -3.5,-3 z" + stroke="#000000" + stroke-width="2.23952" + id="path809" /> + <path + d="m 1148.5,1874 1.5,-1.5 h 2 l -3.5,-3.5 z" + stroke="#000000" + stroke-width="2.23952" + id="path810" /> + </g> + <text + id="text3101" + transform="translate(1013,1854.01)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.27343801" + y="11.1602" + id="tspan810">ATP</tspan></text> + <path + id="R_FTHFLmi" + d="m 911,1892.5 h 320 v 21.5 m -80.5,-40.5 c 3.47,12.99 -13.5,19 -13.5,19 m -98,0 c -23,-5 -17.5,-19 -17.5,-19 m 186.5,0 c 3.47,12.99 -10,19 -10,19 m -234.5,0 c -21,0 -21,-19 -21,-19" + stroke="#000000" + stroke-width="2.5081" /> + <g + id="Group 48"> + <path + id="R_FORtm" + d="M 1937.5,1712 H 1811" + stroke="#000000" + stroke-width="2.92407" /> + <text + id="text7967-0-3-0-0-89-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1734.41" + y="1715.55" + id="tspan811">Formate</tspan></text> + <path + id="F_FORtm" + d="m 1813.12,1709.86 c -9.79,2.68 -9.79,2.68 -9.79,2.68 l 9.67,3.07 -2.37,-2.92 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="B_FORtm" + d="m 1937,1714.75 c 9.79,-2.68 9.79,-2.68 9.79,-2.68 l -9.68,-3.07 2.38,2.92 z" + stroke="#000000" + stroke-width="2.66667" /> + <text + id="text3109" + transform="translate(1951,1705.01)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.146484" + y="11.1602" + id="tspan812">Formate</tspan></text> + </g> + <text + id="text3109_2" + transform="translate(922.004,1854.01)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.146484" + y="11.1602" + id="tspan813">Formate</tspan></text> + <path + id="B_GHMT2rm" + d="m 858.368,1893 c 9.323,-2.01 9.323,-2.01 9.323,-2.01 l -9.228,-2.24 2.271,2.15 z m -52.578,-16 c -9.79,2.68 -9.79,2.68 -9.79,2.68 l 9.674,3.07 -2.375,-2.92 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="B_FTHFLmi" + d="m 912.8,1889.79 c -9.8,2.65 -9.8,2.65 -9.8,2.65 l 9.663,3.11 -2.365,-2.94 z m 28.2,-16.29 1,-4 2,3 h -1.5 z m 78.5,-0.5 3.5,-3.5 0.5,4.5 -1.5,-1.5 z" + stroke="#000000" + stroke-width="2.23952" + stroke-miterlimit="5.75877" /> + <path + id="F_Complex1ROS" + d="m 945.618,2188.81 2.877,9.73 2.876,-9.73 -2.876,2.43 z m 52.152,-45.59 c 2.012,-9.33 2.012,-9.33 2.012,-9.33 l 2.248,9.23 -2.16,-2.27 z m 63.4,0 c 2.01,-9.33 2.01,-9.33 2.01,-9.33 l 2.25,9.23 -2.16,-2.27 z m 77.2,0 c 2.01,-9.33 2.01,-9.33 2.01,-9.33 l 2.25,9.23 -2.16,-2.27 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="F_FADH2ETC" + d="m 1140.17,2093.82 c 2.01,-9.33 2.01,-9.33 2.01,-9.33 l 2.25,9.23 -2.16,-2.27 z m -40,0 c 2.01,-9.33 2.01,-9.33 2.01,-9.33 l 2.25,9.23 -2.16,-2.27 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="F_CYOR_u10mi" + d="m 1398.7,2144.63 c 2.01,-9.33 2.01,-9.33 2.01,-9.33 l 2.25,9.23 -2.16,-2.27 z m -45.7,0 c 2.02,-9.33 2.02,-9.33 2.02,-9.33 l 2.24,9.23 -2.16,-2.27 z m -62.44,46.79 2.88,9.73 2.88,-9.73 -2.88,2.43 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="F_CYOOm2i" + d="m 1651.17,2144.42 c 2.01,-9.33 2.01,-9.33 2.01,-9.33 l 2.25,9.23 -2.16,-2.27 z m -50,0 c 2.01,-9.33 2.01,-9.33 2.01,-9.33 l 2.25,9.23 -2.16,-2.27 z m -92.63,47.62 2.88,9.73 2.88,-9.73 -2.88,2.43 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="F_ATPS4mi" + d="m 1849.17,2144.42 c 2.01,-9.33 2.01,-9.33 2.01,-9.33 l 2.25,9.23 -2.16,-2.27 z m -42,0 c 2.01,-9.33 2.01,-9.33 2.01,-9.33 l 2.25,9.23 -2.16,-2.27 z m -42,0 c 2.01,-9.33 2.01,-9.33 2.01,-9.33 l 2.25,9.23 -2.16,-2.27 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="F_PYRt2m" + d="m 874,1287 -4.5,5.5 -3.5,-5.5 3.5,1.5 z m 24.248,51.9 -2.615,8.55 -3.08,-8.8 2.906,2.3 z" + stroke="#000000" + stroke-width="2.23952" /> + <g + id="text4983"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text814"><tspan + x="863.06201" + y="1306.16" + id="tspan814">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text815"><tspan + x="871.73401" + y="1306.16" + id="tspan815">⁺</tspan></text> + </g> + <g + id="text4983-4"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text816"><tspan + x="346.06201" + y="1129.16" + id="tspan816">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text817"><tspan + x="354.73401" + y="1129.16" + id="tspan817">⁺</tspan></text> + </g> + <g + id="text2652"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text818"><tspan + x="733.84998" + y="1993.55" + id="tspan818">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text819"><tspan + x="745.41302" + y="1993.55" + id="tspan819">⁺</tspan></text> + </g> + <text + id="text7967-0-3-9-1-2-1-3-75" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1198.33" + y="1009.16" + id="tspan820">Mal</tspan></text> + <g + id="text3174"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text821"><tspan + x="1279.0601" + y="1009.16" + id="tspan821">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text822"><tspan + x="1287.73" + y="1009.16" + id="tspan822">⁺</tspan></text> + </g> + <g + id="Group 60"> + <text + id="text6991" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1079.27" + y="1435.09" + id="tspan823">OAA</tspan></text> + <text + id="text7039" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1152.33" + y="1362.55" + id="tspan824">Cit</tspan></text> + <text + id="text7069" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1262.09" + y="1339.55" + id="tspan825">Isocit</tspan></text> + <text + id="AKG" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1423.21" + y="1445.55" + id="tspan826">AKG</tspan></text> + <g + id="text6973-9"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text827"><tspan + x="1320.22" + y="1298.16" + id="tspan827">NADP</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text828"><tspan + x="1353.5699" + y="1298.16" + id="tspan828">⁺</tspan></text> + </g> + <text + id="AKG-2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1373.3199" + y="1598.55" + id="tspan829">SuCoA</tspan></text> + <text + id="AKG-2-0" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1257.37" + y="1655.55" + id="tspan830">Succ</tspan></text> + <text + id="AKG-2-0-6-0" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1128.72" + y="1625.23" + id="tspan831">Fum</tspan></text> + <text + id="AKG-2-0-6-5" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1083.16" + y="1545.55" + id="tspan832">Mal</tspan></text> + <path + id="R_ICDHym" + d="m 1310,1331 c 9.9,0.42 19.05,1.64 27.54,3.5 m 103.46,85 c -7.8,-11.9 -18.26,-29.85 -34.57,-46.5 m 46.49,23.96 c -4.63,2.79 -10.28,3.88 -15.79,3.06 -5.51,-0.82 -10.46,-3.5 -13.81,-7.47 M 1327.5,1309 c 0,0 -6,22.88 10.04,25.5 m 0,0 c 20.92,4.59 37.75,13.09 51.46,23.25 m 17.43,15.25 c 12.68,14.5 32.07,3 32.07,3 m -32.07,-3 c -5.18,-5.29 -10.96,-10.46 -17.43,-15.25 m 0,0 c 15.5,13.31 32,-4.75 32,-4.75" + stroke="#000000" + stroke-width="2.00254" /> + <text + id="text14326" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1210.33" + y="1685.16" + id="tspan833">FAD</tspan></text> + <g + id="text14330"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text834"><tspan + x="1162.49" + y="1675.16" + id="tspan834">FADH</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text835"><tspan + x="1194.5" + y="1675.16" + id="tspan835">₂</tspan></text> + </g> + <g + id="text6973-9-0-3-2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text836"><tspan + x="1109.22" + y="1506.16" + id="tspan836">NAD</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text837"><tspan + x="1134.5699" + y="1506.16" + id="tspan837">⁺</tspan></text> + </g> + <path + id="R_CSm" + d="m 1073.5,1360 18,6.5 c 0,0 3.52,-3.89 7,-3 4.15,1.06 7,9 7,9 l 23.56,9.41 m -19.32,29.36 c 7.05,-16.22 17.97,-31.01 32.01,-43.34 m -12.95,38.85 c -2.27,-1.33 -4.07,-3.28 -5.18,-5.65 -1.12,-2.36 -1.51,-5.05 -1.13,-7.74 0.39,-2.7 1.52,-5.3 3.29,-7.52 1.76,-2.22 4.08,-3.96 6.69,-5.04 2.62,-1.07 5.43,-1.43 8.11,-1.04 2.68,0.4 5.14,1.53 7.08,3.27" + stroke="#000000" + stroke-width="2.25" /> + <g + id="text6997-5-9-4-3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text839"><tspan + x="1129.87" + y="1415.59" + id="tspan838">H</tspan><tspan + x="1142.76" + y="1415.59" + id="tspan839">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text840"><tspan + x="1138.54" + y="1415.59" + id="tspan840">₂</tspan></text> + </g> + <text + id="text6997-5-9-4-3-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1153.8199" + y="1388.08" + id="tspan841">CoA</tspan></text> + <path + id="F_ACONTm" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1243.73,1336.25 10.55,-0.9 -9.32,-4.94 1.87,3.42 z" + stroke="#000000" + stroke-width="2.77105" /> + <path + id="R_ACONTm" + d="m 1185.58,1345.25 c 17.14,-8.47 40.14,-14.47 62.64,-11.47" + stroke="#000000" + stroke-width="2.77105" /> + <path + id="R_SUCD1m" + d="m 1240,1651.5 c -25,0 -55,-9.5 -69,-17.5 m 10.87,23.01 c -0.49,-2.88 -1.37,-14.01 19.13,-11.23 21.5,4.39 20.36,15.65 19.52,18.28" + stroke="#000000" + stroke-width="2.40733" /> + <g + id="text6997-5-9-4-3-3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text843"><tspan + x="1077.38" + y="1614.3" + id="tspan842">H</tspan><tspan + x="1090.28" + y="1614.3" + id="tspan843">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text844"><tspan + x="1086.05" + y="1614.3" + id="tspan844">₂</tspan></text> + </g> + <path + id="F_FUMm" + d="m 1104.8,1561.16 c -7.2,-7.16 -7.2,-7.16 -7.2,-7.16 l 2.15,9.92 1.36,-3.52 z" + stroke="#000000" + stroke-width="2.36402" /> + <path + id="R_MDHm" + d="m 1093.96,1522.36 c -1.96,-7.1 -3.86,-16.09 -4.99,-24.86 m 4.99,-49 c -2.95,9.55 -5.41,20.81 -5.96,30.5 m 0,0 c 2.6,-12.5 11.5,-13.5 11.5,-13.5 M 1088,1479 c -0.16,2.92 -0.12,6.13 0.09,9.5 m 0.88,9 c 1.78,11 11.53,8.5 11.53,8.5 m -11.53,-8.5 c -0.4,-3.06 -0.7,-6.09 -0.88,-9 m 0,0 c 5.87,-11 12.41,-9.5 12.41,-9.5" + stroke="#000000" + stroke-width="2.03667" /> + <path + id="F_SUCD1m" + d="m 1179.39,1655.18 c 1.95,8.73 1.95,8.73 1.95,8.73 l 3.75,-8.55 -3.08,2.07 z M 1173,1633 l -6,-2 2.5,4.5 1,-1.5 z" + stroke="#000000" + stroke-width="2.36402" /> + <path + id="B_SUCD1m" + d="m 1217.18,1662.86 c 2.97,9.7 2.97,9.7 2.97,9.7 l 2.79,-9.76 -2.86,2.46 z m 20.82,-9.36 6,-2 -4.5,-1.5 v 1 z" + stroke="#000000" + stroke-width="2.36402" /> + <path + id="F_ICDHym" + d="m 1436.78,1417.55 c 6.92,7.42 6.92,7.42 6.92,7.42 l -1.78,-9.99 -1.48,3.46 z m 14.5,-17.37 c 7.24,-6.22 7.24,-6.22 7.24,-6.22 l -9.19,2.43 3.03,0.81 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="F_MDHm" + d="m 1099.5,1466.5 3,-2.5 h -4.5 l 1.5,1.5 z m -2.54,-16.35 c -1.84,-8.75 -1.84,-8.75 -1.84,-8.75 l -3.85,8.5 3.1,-2.03 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text2536" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1108.49" + y="1482.16" + id="tspan845">NADH</tspan></text> + <g + id="text2536_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text846"><tspan + x="1107.0601" + y="1464.16" + id="tspan846">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text847"><tspan + x="1115.73" + y="1464.16" + id="tspan847">⁺</tspan></text> + </g> + <path + id="R_FUMm" + d="m 1107.61,1601.85 c 7.55,-1.96 7.56,-16.41 7.56,-16.41 m 16.72,20.08 c -13.57,-13.65 -24.29,-30.61 -31.4,-49.68" + stroke="#000000" + stroke-width="2.08816" /> + <g + id="Group 56"> + <path + id="R_SUCOAS1m" + d="m 1351.71,1671.07 c -3.36,-3.01 -5.94,-6.81 -7.43,-10.98 -1.49,-4.17 -1.85,-8.54 -1.03,-12.65 0.82,-4.11 2.78,-7.79 5.67,-10.64 m 0,0 c 2.89,-2.85 6.6,-4.75 10.72,-5.51 m -10.72,5.51 c -19.15,11.74 -18.09,35.35 -18.09,35.35 m 28.81,-40.86 c 4.12,-0.75 8.49,-0.32 12.63,1.24 4.14,1.56 7.89,4.2 10.84,7.62 m -23.47,-8.86 c 19.87,-9.77 42.67,-5.87 42.67,-5.87 m -13.01,-16.75 c -21.99,19.17 -48.1,33.32 -76.5,41.47" + stroke="#000000" + stroke-width="1.94246" /> + <text + id="text2703" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1412.17" + y="1632.49" + id="tspan848">GDP</tspan></text> + <text + id="text2703_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1391.49" + y="1653.79" + id="tspan849">Pi</tspan></text> + <text + id="text2711" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1360.49" + y="1688.35" + id="tspan850">CoA</tspan></text> + <text + id="text2711_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1318.04" + y="1691.8101" + id="tspan851">GTP</tspan></text> + <path + id="F_SUCOAS1m" + d="m 1349.45,1672.1 c 8.61,5.38 8.61,5.38 8.61,5.38 l -4.3,-9.19 -0.54,3.72 z m -33.24,-26.29 c -8.79,5.08 -8.79,5.08 -8.79,5.08 l 10.13,0.52 -3.03,-2.23 z" + stroke="#000000" + stroke-width="2.36402" /> + <path + id="B_SUCOAS1m" + d="m 1379.65,1640.25 c 8.72,5.2 8.72,5.2 8.72,5.2 l -4.5,-9.1 -0.46,3.74 z m 7.5,-25.49 c 5.17,-8.73 5.17,-8.73 5.17,-8.73 l -9.09,4.52 3.74,0.45 z" + stroke="#000000" + stroke-width="2.36402" /> + </g> + <g + id="Group 55"> + <text + id="text6973-9-0-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1466.14" + y="1517.66" + id="tspan852">CoA</tspan></text> + <g + id="text6973-9-0-3_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text853"><tspan + x="1461.8199" + y="1464.59" + id="tspan853">NAD</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text854"><tspan + x="1487.17" + y="1464.59" + id="tspan854">⁺</tspan></text> + </g> + <path + id="R_AKGDm" + d="m 1415.93,1574.1 c 5.69,-7.11 10.57,-14.75 14.64,-22.73 m 11.3,-98.71 c 5.35,19.33 5.84,41.41 1.25,63.1 m 27.49,-29.77 c 0,0 -25.15,15.04 -24.36,0.93 -1.24,-18.96 12.98,-24.1 12.98,-24.1 m -16.11,52.94 c 1.85,-10.68 19.12,-2.52 19.12,-2.52 m -19.12,2.52 c -1.42,6.74 -3.34,13.45 -5.75,20.02 m 0,0 c -4.99,11.91 7.42,16.46 7.42,16.46 m -7.42,-16.46 c -1.94,5.3 -4.21,10.51 -6.8,15.59 m 0,0 c -5.99,11.73 7.05,18 7.05,18" + stroke="#000000" + stroke-width="1.94246" /> + <path + id="F_AKGDm" + d="m 1433.68,1570.2 7.24,2.84 -2.46,-5.75 -0.84,2.08 z m -19.81,1.58 c -2.67,9.79 -2.67,9.79 -2.67,9.79 l 7.56,-6.77 -3.73,0.56 z" + stroke="#000000" + stroke-width="2.36402" /> + <text + id="NADH_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1480.8101" + y="1483.38" + id="tspan855">NADH</tspan></text> + <g + id="CO2_4"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text856"><tspan + x="1454.71" + y="1559.02" + id="tspan856">CO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text857"><tspan + x="1472.72" + y="1559.02" + id="tspan857">₂</tspan></text> + </g> + <g + id="H+_4"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text858"><tspan + x="1446.75" + y="1577.96" + id="tspan858">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text859"><tspan + x="1455.42" + y="1577.96" + id="tspan859">⁺</tspan></text> + </g> + </g> + <g + id="NADPH+"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text860"><tspan + x="1462.39" + y="1398.16" + id="tspan860">NADPH</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text861"><tspan + x="1504.41" + y="1398.16" + id="tspan861">⁺</tspan></text> + </g> + <g + id="CO2_5"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text862"><tspan + x="1448.49" + y="1375.16" + id="tspan862">CO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text863"><tspan + x="1466.5" + y="1375.16" + id="tspan863">₂</tspan></text> + </g> + <g + id="H+_5"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text864"><tspan + x="1430.0601" + y="1349.16" + id="tspan864">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text865"><tspan + x="1438.73" + y="1349.16" + id="tspan865">⁺</tspan></text> + </g> + <path + id="B_ICDHym" + d="m 1317.74,1327.84 c -9.66,3.09 -9.66,3.09 -9.66,3.09 l 9.79,2.66 -2.49,-2.82 z m 11.54,-17.33 c -0.68,-9.51 -0.68,-9.51 -0.68,-9.51 l -3.52,8.82 2.45,-1.94 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="F_ICDHxm" + d="m 1418.78,1421.55 c 2.31,2.47 4.61,4.95 6.92,7.42 -0.59,-3.33 -1.19,-6.66 -1.78,-9.99 -0.49,1.15 -0.99,2.31 -1.48,3.46 -1.22,-0.3 -2.44,-0.59 -3.66,-0.89 z m -19.76,-7.48 c -2.41,2.07 -4.83,4.14 -7.24,6.22 3.06,-0.81 6.12,-1.62 9.19,-2.43 -1.01,-0.27 -2.02,-0.54 -3.03,-0.82 0.36,-0.99 0.72,-1.98 1.08,-2.97 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_ICDHxm" + d="m 1308,1342.5 c 14.29,0.95 27.07,3.65 38.5,7.65 m 78.82,76.54 c -7.12,-16.32 -17.93,-34.1 -33.82,-49.12 m 11.17,11.93 c 3.35,3.97 4.79,9.87 4.13,14.8 -0.66,4.93 -3.43,9.45 -7.74,12.61 m -52.56,-66.76 c -17,-5.95 -26,6.35 -26,6.35 m 26,-6.35 c 10.85,3.8 20.47,8.77 29,14.55 m 16,12.87 c 7.56,19.43 -7,26.73 -7,26.73 m 7,-26.73 c -4.85,-4.59 -10.17,-8.92 -16,-12.87 m 0,0 c 9,12.87 -4.5,19.3 -4.5,19.3" + stroke="#000000" + stroke-width="2.44889" /> + <g + id="text2807"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text866"><tspan + x="1307.22" + y="1368.16" + id="tspan866">NAD</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text867"><tspan + x="1332.5699" + y="1368.16" + id="tspan867">⁺</tspan></text> + </g> + <g + id="NADH+"> + <text + transform="rotate(-1.36526,60350.222,-56277.438)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text868"><tspan + x="0.38789001" + y="11.1602" + id="tspan868">NADH</tspan></text> + <text + transform="rotate(-1.36526,60350.222,-56277.438)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text869"><tspan + x="34.407398" + y="11.1602" + id="tspan869">⁺</tspan></text> + </g> + <g + id="H+_6"> + <text + transform="rotate(-1.36526,58766.501,-55876.598)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text870"><tspan + x="0.0617189" + y="11.1602" + id="tspan870">H</tspan></text> + <text + transform="rotate(-1.36526,58766.501,-55876.598)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text871"><tspan + x="8.7335901" + y="11.1602" + id="tspan871">⁺</tspan></text> + </g> + <g + id="CO2_6"> + <text + transform="rotate(-1.36526,59576.406,-56076.803)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text872"><tspan + x="0.49023399" + y="11.1602" + id="tspan872">CO</tspan></text> + <text + transform="rotate(-1.36526,59576.406,-56076.803)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text873"><tspan + x="18.502001" + y="11.1602" + id="tspan873">₂</tspan></text> + </g> + <path + id="B_ACONTm" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1187.25,1346.98 c -10.25,2.35 -10.25,2.35 -10.25,2.35 l 7.1,-6.7 -0.59,3.31 z" + stroke="#000000" + stroke-width="2.56963" /> + <path + id="F_CSm" + d="m 1143.44,1370.66 c 5.19,-7.28 5.19,-7.28 5.19,-7.28 l -8.86,2.93 3.59,0.9 z m 1.61,12.23 c 7.06,0.63 7.06,0.63 7.06,0.63 l -6.05,-3.61 1.13,2.02 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="B_FUMm" + d="m 1126.18,1602.67 c 7.2,7.16 7.2,7.16 7.2,7.16 l -2.15,-9.92 -1.36,3.52 z m -19.26,-1.86 c -4.9,5.12 -4.9,5.12 -4.9,5.12 l 6.59,-2.47 -2.28,-0.38 z" + stroke="#000000" + stroke-width="2.36402" /> + <path + id="B_MDHm" + d="m 1089.93,1520.05 c 6.62,6 6.62,6 6.62,6 l -1.86,-9.14 -1.32,3.46 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <g + id="Group 61"> + <path + id="B_GLUDym" + d="m 1624.96,1456.47 c 2.27,9.26 2.27,9.26 2.27,9.26 l 1.99,-9.29 -2.1,2.33 z M 1475.64,1439 c -9.64,3.19 -9.64,3.19 -9.64,3.19 l 9.82,2.56 -2.52,-2.8 z" + stroke="#000000" + stroke-width="2.23952" /> + <g + id="F_GLUDym"> + <path + d="m 1692.19,1465.8 c 0,0 0,0 -2.28,-9.26 l 2.17,2.3 2.09,-2.33 z" + stroke="#000000" + stroke-width="2.23952" + stroke-miterlimit="5.75877" + id="path873" /> + <path + d="m 1728.5,1455.5 3,1.04 3.5,-3.04 -2,8 z" + stroke="#000000" + stroke-width="2.23952" + stroke-miterlimit="5.75877" + id="path874" /> + <path + d="m 1781.5,1440.5 1,2.5 -1,1.5 6,-1.5 z" + stroke="#000000" + stroke-width="2.23952" + stroke-miterlimit="5.75877" + id="path875" /> + </g> + <path + id="F_GDHm" + d="m 1600.96,1424.26 c 2.27,-9.26 2.27,-9.26 2.27,-9.26 l 1.99,9.29 -2.1,-2.33 z m -125.32,9.6 c -9.64,3.19 -9.64,3.19 -9.64,3.19 l 9.82,2.56 -2.52,-2.8 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_GLUDym" + d="m 1474.22,1442.77 c 0,0 40.7,0 82.78,0 m 226.5,0.18 -67,-0.18 m -80,0 c -12.5,0 -9.19,13.88 -9.19,13.88 m 64.57,0.71 c 3.14,-8.96 -5.58,-14.41 -5.58,-14.41 m -84.3,-0.18 c -17,2.23 -14,14.59 -14,14.59 m 14,-14.59 c -13.88,0 -29.53,0 -45,0 m 45,0 c 34.22,0 114.5,0 114.5,0 m -159.5,0 c -14.5,0 -12,13.88 -12,13.88 m 171.5,-13.88 c 0,0 14.5,0.05 14.5,13.88" + stroke="#000000" + stroke-width="1.40978" /> + <path + id="R_GDHm" + d="m 1474.22,1437.13 c 0,0 35.09,0 64.78,0 m 251,0.11 c 0,0 -94.5,-0.11 -94.5,0 m -86.3,0 c -7.18,-1.33 -5.89,-13.16 -5.89,-13.16 m 59.69,0 c 3.07,11.2 -9,13.05 -9,13.05 m -77,0 c -14.5,0 -14,-17.44 -14,-17.44 m 14,17.44 c -11.46,0 -24.89,0 -38,0 m 38,0 c 31.24,0 83.29,0.11 118.5,0.11 m -156.5,-0.11 c -15,0 -13.5,-17.44 -13.5,-17.44 m 170,17.55 c 11,0 10,-13.16 10,-13.16" + stroke="#000000" + stroke-width="1.41264" /> + <text + id="NADH_3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1586.49" + y="1410.16" + id="tspan875">NADH</tspan></text> + <g + id="H+_7"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text876"><tspan + x="1523.0601" + y="1410.16" + id="tspan876">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text877"><tspan + x="1531.73" + y="1410.16" + id="tspan877">⁺</tspan></text> + </g> + <g + id="NH3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text878"><tspan + x="1555.3199" + y="1410.16" + id="tspan878">NH</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text879"><tspan + x="1572.67" + y="1410.16" + id="tspan879">₃</tspan></text> + </g> + <g + id="NAD+"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text880"><tspan + x="1648.22" + y="1421.16" + id="tspan880">NAD</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text881"><tspan + x="1673.5699" + y="1421.16" + id="tspan881">⁺</tspan></text> + </g> + <g + id="H2O"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text883"><tspan + x="1690.38" + y="1420.16" + id="tspan882">H</tspan><tspan + x="1703.28" + y="1420.16" + id="tspan883">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text884"><tspan + x="1699.05" + y="1420.16" + id="tspan884">₂</tspan></text> + </g> + <text + id="NADPH_3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1530.49" + y="1479.16" + id="tspan885">NADPH</tspan></text> + <g + id="H+_8"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text886"><tspan + x="1586.0601" + y="1479.16" + id="tspan886">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text887"><tspan + x="1594.73" + y="1479.16" + id="tspan887">⁺</tspan></text> + </g> + <g + id="NH3_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text888"><tspan + x="1618.3199" + y="1479.16" + id="tspan888">NH</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text889"><tspan + x="1635.67" + y="1479.16" + id="tspan889">₃</tspan></text> + </g> + <g + id="NADP+"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text890"><tspan + x="1677.22" + y="1479.16" + id="tspan890">NADP</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text891"><tspan + x="1710.5699" + y="1479.16" + id="tspan891">⁺</tspan></text> + </g> + <g + id="H2O_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text893"><tspan + x="1725.38" + y="1476.16" + id="tspan892">H</tspan><tspan + x="1738.28" + y="1476.16" + id="tspan893">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text894"><tspan + x="1734.05" + y="1476.16" + id="tspan894">₂</tspan></text> + </g> + </g> + <path + id="F_GHMT2rm" + d="m 805.79,1933.8 c -9.79,2.68 -9.79,2.68 -9.79,2.68 l 9.674,3.07 -2.375,-2.92 z m 52.578,-0.3 c 9.323,-2.01 9.323,-2.01 9.323,-2.01 l -9.228,-2.24 2.271,2.15 z m 0,-16.5 c 9.323,-2.01 9.323,-2.01 9.323,-2.01 l -9.228,-2.24 2.271,2.15 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_GHMT2rm" + d="m 846.311,1925.41 c 1.569,7.22 17.596,6.31 17.596,6.31 m -17.596,-22.31 c 1.569,7.22 17.596,6.31 17.596,6.31 m -17.596,-19.11 c 1.569,-7.22 17.596,-6.31 17.596,-6.31 M 796,1879.51 h 49.966 v 57.04 H 796" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="B_MTHFCm" + d="m 1170.12,1935.23 c 8.43,-2.99 8.43,-2.99 8.43,-2.99 l -8.65,-2.24 2.24,2.52 z m -8.55,14.09 c 2.01,9.32 2.01,9.32 2.01,9.32 l 2.24,-9.23 -2.15,2.28 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_DHFRim" + d="m 885.5,1846.53 c 0,14.5 -16.5,17 -16.5,17 m 35,-59 c -12.987,-3.47 -18.5,8 -18.5,8 m 0,-16 c 0,0 0,21.94 0,36 m 0,44 c 0,0 0,-20.18 0,-44 m 0,0 c 4,-11 15,-8.5 15,-8.5" + stroke="#000000" + stroke-width="2.45082" /> + <path + id="F_DHFRim" + d="m 868.5,1861.03 -2,4.5 5,-0.5 -2.5,-1.5 z m 19.5,13.5 c -1.5,3.5 -2.992,7 -2.992,7 l -2.008,-7 2.008,1.5 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="B_DHFRim" + d="m 887,1796 -1.067,-4.5 -1.933,4.5 1.933,-0.67 z m 15.776,10.22 c 9.323,-2.01 9.323,-2.01 9.323,-2.01 l -9.228,-2.25 2.271,2.16 z" + stroke="#000000" + stroke-width="2.23952" /> + <g + id="text3648"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text895"><tspan + x="827.25201" + y="1869.24" + id="tspan895">NADP</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text896"><tspan + x="860.604" + y="1869.24" + id="tspan896">⁺</tspan></text> + </g> + <text + id="text3654" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="914.565" + y="1808.4301" + id="tspan897">NADPH</tspan></text> + <g + id="text3654_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text898"><tspan + x="909.13898" + y="1828.26" + id="tspan898">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text899"><tspan + x="917.81097" + y="1828.26" + id="tspan899">⁺</tspan></text> + </g> + <text + id="text3659" + transform="rotate(-0.763764,133397.81,-64453.185)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0" + y="14.5469" + id="tspan900">DHF</tspan></text> + <path + id="R_r0514" + d="m 831,1765 c 0,0 0.485,14.35 7.5,16.43 0,0 -7.5,2.07 -7.5,15.57 m 19.344,-36.83 c 3.472,12.99 -4.917,21.2 -4.917,21.2 m 17.018,0.03 -39.795,0.05" + stroke="#000000" + stroke-width="2.45082" /> + <path + id="B_r0514" + d="m 829.5,1765.5 1.5,-4 1.5,4 -1.5,-0.5 z m -3.076,18.38 c -8.429,-2.99 -8.429,-2.99 -8.429,-2.99 l 8.645,-2.24 -2.242,2.52 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="F_r0514" + d="m 858.06,1779.06 c 9.8,2.64 9.8,2.64 9.8,2.64 l -9.662,3.11 2.364,-2.93 z m -8.885,-13.97 c 2.011,-9.33 2.011,-9.33 2.011,-9.33 l 2.245,9.23 -2.157,-2.27 z" + stroke="#000000" + stroke-width="2.23952" /> + <g + id="text3669"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text901"><tspan + x="838.25201" + y="1753.24" + id="tspan901">NADP</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text902"><tspan + x="871.604" + y="1753.24" + id="tspan902">⁺</tspan></text> + </g> + <text + id="text3675" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="808.565" + y="1815.4" + id="tspan903">NADPH</tspan></text> + <g + id="text3675_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text904"><tspan + x="820.13898" + y="1759.23" + id="tspan904">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text905"><tspan + x="828.81097" + y="1759.23" + id="tspan905">⁺</tspan></text> + </g> + <text + id="text3679" + transform="rotate(-0.763764,133362.57,-56576.333)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.421875" + y="14.5469" + id="tspan906">Folate</tspan></text> + <path + id="R_r0962" + d="m 688.5,1781.37 h 67.927" + stroke="#000000" + stroke-width="2.39174" /> + <path + id="F_r0962" + d="m 752.06,1779.06 c 9.8,2.64 9.8,2.64 9.8,2.64 l -9.662,3.11 2.364,-2.94 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="B_r0962" + d="m 690.8,1784.78 c -9.8,-2.64 -9.8,-2.64 -9.8,-2.64 l 9.663,-3.11 -2.365,2.93 z" + stroke="#000000" + stroke-width="2.23952" /> + <g + id="text3751"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text907"><tspan + x="1705.05" + y="2217.1599" + id="tspan907">4 H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text908"><tspan + x="1723.74" + y="2217.1599" + id="tspan908">⁺</tspan></text> + </g> + <g + id="text3755"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text909"><tspan + x="1501.05" + y="2217.1599" + id="tspan909">4 H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text910"><tspan + x="1519.74" + y="2217.1599" + id="tspan910">⁺</tspan></text> + </g> + <g + id="Group 62"> + <text + id="text7967-0-3-65-5-3-5-8-9-01" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1826.49" + y="1476.16" + id="tspan911">NADH</tspan></text> + <g + id="text7967-0-3-65-5-3-5-8-9-01_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text912"><tspan + x="1826.0601" + y="1494.16" + id="tspan912">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text913"><tspan + x="1834.73" + y="1494.16" + id="tspan913">⁺</tspan></text> + </g> + <g + id="text7967-0-3-65-1-2-4-9-5-2"> + <text + transform="rotate(0.226971,-378498.63,461715.21)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text915"><tspan + x="0.38223499" + y="11.1602" + id="tspan914">H</tspan><tspan + x="13.2779" + y="11.1602" + id="tspan915">O</tspan></text> + <text + transform="rotate(0.226971,-378498.63,461715.21)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text916"><tspan + x="9.0541096" + y="11.1602" + id="tspan916">₂</tspan></text> + </g> + <g + id="text7967-0-3-65-1-2-4-9-5-2_2"> + <text + transform="rotate(0.226971,-383042.48,461724.21)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text917"><tspan + x="0.223828" + y="11.1602" + id="tspan917">NAD</tspan></text> + <text + transform="rotate(0.226971,-383042.48,461724.21)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text918"><tspan + x="25.571501" + y="11.1602" + id="tspan918">⁺</tspan></text> + </g> + <path + id="R_r0074" + d="M 1800.7,1459.39 V 1502 m 0,38 c 0,0 0,-22.07 0,-38 m -0.16,-25.4 c 1.93,-6.63 14.37,-4.64 14.37,-4.64 m 0,55.04 c -14.21,3.5 -14.21,-5 -14.21,-5 m 0,-20 c 0,0 -1.7,-12 14.21,-12 m -14.21,12 c 0,9 14.21,6.5 14.21,6.5" + stroke="#000000" + stroke-width="1.90151" /> + <path + id="F_r0074" + d="m 1803.23,1539.16 c -3.02,8.42 -3.02,8.42 -3.02,8.42 l -2.21,-8.65 2.51,2.25 z m 10.27,-14.16 6,2 -6.69,2.23 2.08,-2.34 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="B_r0074" + d="m 1798.04,1464.79 c 0.89,-3.26 1.79,-6.53 2.68,-9.79 1.02,3.22 2.05,6.45 3.07,9.67 -0.97,-0.79 -1.95,-1.58 -2.92,-2.37 -0.95,0.83 -1.89,1.66 -2.83,2.49 z m 15.68,5.01 c 9.26,2.28 9.26,2.28 9.26,2.28 l -9.29,1.97 2.33,-2.09 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text3514" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1904.16" + y="1359.55" + id="tspan919">Gln</tspan></text> + <text + id="text3530" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1903.16" + y="1445.55" + id="tspan920">Glu</tspan></text> + <path + id="F_GLNtm_1" + d="m 1851.88,1340.32 c 2.03,-9.32 2.03,-9.32 2.03,-9.32 l 2.22,9.23 -2.15,-2.27 z m -12.33,12.02 c -9.55,3.44 -9.55,3.44 -9.55,3.44 l 9.89,2.3 -2.6,-2.73 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_GLNtm_1" + d="m 1899.5,1355.08 h -62.08 m 23.31,-0.65 c -7.17,-1.52 -6.34,-16.51 -6.34,-16.51 m 27.16,16.42 c 7.04,-1.84 6.23,-20.02 6.23,-20.02" + stroke="#000000" + stroke-width="2.08963" /> + <text + id="text3581" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1795.16" + y="1359.55" + id="tspan921">Gln</tspan></text> + <path + id="R_GLUNm" + d="m 1782.39,1383.91 c 13,-3.43 21.18,4.98 21.18,4.98 m -0.34,8.42 c -1.75,7.14 -19.06,6.31 -19.06,6.31 m 19.35,-38.62 -0.43,55.66" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="F_GLUNm" + d="m 1805.85,1418.54 c -3.44,9.54 -3.44,9.54 -3.44,9.54 l -2.3,-9.88 2.73,2.6 z m -19.53,-12.33 c -9.32,-2.04 -9.32,-2.04 -9.32,-2.04 l 9.23,-2.22 -2.27,2.15 z" + stroke="#000000" + stroke-width="2.23952" /> + <g + id="text3617"> + <text + transform="translate(1755,1398)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text922"><tspan + x="0.32421899" + y="11.1602" + id="tspan922">NH</tspan></text> + <text + transform="translate(1755,1398)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text923"><tspan + x="17.667999" + y="11.1602" + id="tspan923">₃</tspan></text> + </g> + <text + id="text3623" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1794.16" + y="1445.55" + id="tspan924">Glu</tspan></text> + <g + id="text3627"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text926"><tspan + x="1756.38" + y="1387.16" + id="tspan925">H</tspan><tspan + x="1769.28" + y="1387.16" + id="tspan926">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text927"><tspan + x="1765.05" + y="1387.16" + id="tspan927">₂</tspan></text> + </g> + <path + id="F_GLUt2m" + d="m 1850.88,1427.32 c 2.03,-9.32 2.03,-9.32 2.03,-9.32 l 2.22,9.23 -2.15,-2.27 z m -12.33,17.53 c -9.55,-3.44 -9.55,-3.44 -9.55,-3.44 l 9.89,-2.3 -2.6,2.73 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_GLUt2m" + d="m 1881.09,1442.23 c 5.41,-1.96 4.78,-21.23 4.78,-21.23 m -25.56,20.51 c -7.18,-1.52 -6.35,-16.51 -6.35,-16.51 m 44.5,16.99 -61.46,-0.4" + stroke="#000000" + stroke-width="2.05657" /> + <g + id="text2811"> + <text + transform="rotate(-0.252757,319669.74,-425460.8)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text928"><tspan + x="0.0617189" + y="11.1602" + id="tspan928">H</tspan></text> + <text + transform="rotate(-0.252757,319669.74,-425460.8)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text929"><tspan + x="8.7335901" + y="11.1602" + id="tspan929">⁺</tspan></text> + </g> + <g + id="text2818"> + <text + transform="rotate(-0.252757,318747.01,-418208.95)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text930"><tspan + x="0.0617189" + y="11.1602" + id="tspan930">H</tspan></text> + <text + transform="rotate(-0.252757,318747.01,-418208.95)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text931"><tspan + x="8.7335901" + y="11.1602" + id="tspan931">⁺</tspan></text> + </g> + <g + id="text3436"> + <text + transform="rotate(-0.252757,299253.28,-418705.31)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text932"><tspan + x="0.0617189" + y="11.1602" + id="tspan932">H</tspan></text> + <text + transform="rotate(-0.252757,299253.28,-418705.31)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text933"><tspan + x="8.7335901" + y="11.1602" + id="tspan933">⁺</tspan></text> + </g> + <g + id="text2802"> + <text + transform="rotate(-0.252757,300177.01,-426410.53)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text934"><tspan + x="0.0617189" + y="11.1602" + id="tspan934">H</tspan></text> + <text + transform="rotate(-0.252757,300177.01,-426410.53)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text935"><tspan + x="8.7335901" + y="11.1602" + id="tspan935">⁺</tspan></text> + </g> + </g> + <text + id="text7967-0-3-6-2-7-4-34-0-4-2" + transform="rotate(-0.478643,212481.33,-74407.555)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.421875" + y="14.5469" + id="tspan936">Folate</tspan></text> + <path + id="R_PYRt2m" + d="m 871,1287 c 0,-20.5 25.782,-15.5 25.782,-15.5 M 360,1145.5 c -9.5,0 -9.5,-13 -9.5,-13 m -99,-115 v 128 H 896.782 V 1340" + stroke="#000000" + stroke-width="2.68896" /> + <path + id="F_HMR_4964 (Stroke)" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1384.57,932.624 6.19,20.898 -6.3,-5.514 -6.78,5.271 z m -2.25,14.098 2.22,-1.73 1.7,1.487 -1.81,-6.103 z m -106.98,45.696 -1.13,3.009 1.13,1.532 z m -2.38,-0.281 2.45,-6.545 2.25,0.408 v 18.04 l -9.1,-12.349 1.64,-1.622 z m -142.58,541.553 -4.01,5.22 4.12,5.14 -16.33,-5 z m -8.54,5.27 2.1,0.65 -0.53,-0.66 0.52,-0.68 z" + fill="#000000" /> + <g + id="text3185-5-2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text937"><tspan + x="1190.83" + y="1218.16" + id="tspan937">+</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text938"><tspan + x="1182.16" + y="1218.16" + id="tspan938">H</tspan></text> + </g> + <text + id="text7967-0-3-0-2-6-3-7-0" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="639.15601" + y="1548.85" + id="tspan939">Mal</tspan></text> + <g + id="Group 49"> + <text + id="text7967-0-3-0-2-78" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="781.10199" + y="1612.4" + id="tspan940">Fum</tspan></text> + <path + id="R_FUMtm" + d="m 717.014,1608.61 c -8.606,-4.03 -10.504,-13.93 -6.673,-13.93 m 32.848,13.67 c 7.986,-1.46 5.958,-13.81 5.958,-13.81 m 17.895,13.78 -77.23,-0.55" + stroke="#000000" + stroke-width="2.3523" /> + <path + id="F_FUMtm" + d="m 712.658,1596.57 c -2.852,-6.58 -2.852,-6.58 -2.852,-6.58 l -2.67,6.62 2.738,-1.67 z m 54.805,14.21 c 9.665,-3.1 9.665,-3.1 9.665,-3.1 l -9.798,-2.65 2.499,2.82 z" + stroke="#000000" + stroke-width="2.14278" /> + <path + id="B_FUMtm" + d="m 691.436,1605.43 c -9.623,3.23 -9.623,3.23 -9.623,3.23 l 9.832,2.52 -2.536,-2.78 z m 61.567,-8.6 c -2.096,-7.06 -2.096,-7.06 -2.096,-7.06 l -3.09,6.83 2.717,-1.62 z" + stroke="#000000" + stroke-width="2.14278" /> + <text + id="text7967-0-3-9-1-2-4-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="742.90198" + y="1583.55" + id="tspan941">Pi</tspan></text> + <text + id="text7967-0-3-9-1-2-1-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="699.45001" + y="1583.76" + id="tspan942">Pi</tspan></text> + <text + id="text7967-0-3-0-2-78-2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="642.10199" + y="1612.4" + id="tspan943">Fum</tspan></text> + </g> + <g + id="Group 57"> + <text + id="text7967-0-3-6-2-7-4-34-4-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1774.04" + y="1563.55" + id="tspan944">GluSA</tspan></text> + <path + id="F_GLU5SAtmc" + d="m 1907.26,1560.75 c 9.6,-3.32 9.6,-3.32 9.6,-3.32 l -9.86,-2.43 2.56,2.76 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_GLU5SAtmc" + d="m 1908,1558.3 h -71.64" + stroke="#000000" + stroke-width="2.28" /> + <path + id="B_GLU5SAtmc" + d="m 1838.55,1555.52 c -9.55,3.45 -9.55,3.45 -9.55,3.45 l 9.89,2.29 -2.6,-2.72 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text7967-0-3-6-2-7-4-34-4-6-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1924.04" + y="1563.55" + id="tspan945">GluSA</tspan></text> + </g> + <path + id="R_HMR_4964" + d="m 1384,940.5 v 36 c 0,0 -68.26,0 -132,0 m -87.26,270.44 V 1345 m 0,-98.06 c 51.26,0 51.26,80.06 51.26,80.06 0,0 6.39,2.02 6.5,6 0.11,3.82 -6.5,10 -6.5,10 v 194.47 h -91.5 m 40.24,-290.53 v -45.44 m 0,0 c 8.76,-4.5 14.26,4.5 14.26,4.5 m -14.26,-4.5 v -225 c 0,0 97.26,0 69.76,0 m 0,0 C 1207,976.5 1207,998 1207,998 m 27.5,-21.5 c -27.5,0 -0.01,0 17.5,0 m 0,0 c 21.5,0 22.5,21.5 22.5,21.5" + stroke="#000000" + stroke-width="2.5538" /> + <g + id="Group 54"> + <path + id="R_MMMm" + d="m 1443.69,1593.53 h 38.55" + stroke="#000000" + stroke-width="1.33156" /> + <path + id="F_MMMm" + d="m 1444.43,1591.24 -8.43,3 8.65,2.24 -2.25,-2.52 z" + stroke="#000000" + stroke-width="2.23952" /> + <g + id="use1272-2-4"> + <path + id="circle77227-5-2" + d="m 1501.01,1604.76 c 6.28,0 11.38,-5.09 11.38,-11.38 0,-6.28 -5.1,-11.38 -11.38,-11.38 -6.29,0 -11.39,5.1 -11.39,11.38 0,6.29 5.1,11.38 11.39,11.38 z" + fill="#aaccee" + stroke="#000000" + stroke-width="1.1381" /> + <g + id="path77229-7-0"> + <path + d="m 1493.04,1585.41 15.93,15.94 z" + fill="#aaccee" + id="path945" /> + <path + d="m 1493.04,1585.41 15.93,15.94" + stroke="#000000" + stroke-width="1.1381" + id="path946" /> + </g> + <g + id="path77231-8-3"> + <path + d="m 1493.04,1601.35 15.93,-15.94 z" + fill="#aaccee" + id="path947" /> + <path + d="m 1493.04,1601.35 15.93,-15.94" + stroke="#000000" + stroke-width="1.1381" + id="path948" /> + </g> + </g> + <text + id="Val, 3mob, propCoA" + transform="rotate(0.11511,-788340.38,756637.78)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.42968801" + y="14.5469" + id="tspan948">Val, 3mob, propCoA</tspan></text> + </g> + <g + id="Group 40"> + <text + id="text14242-5-4" + transform="rotate(0.11511,-577059.54,327120.53)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.265625" + y="14.5469" + id="tspan949">Leu</tspan></text> + <text + id="text14246-3-8" + transform="rotate(0.11511,-577503.29,380877.81)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.265625" + y="14.5469" + id="tspan950">Leu</tspan></text> + <path + id="F_LEUt5m" + d="m 749.815,1174.34 c 9.671,-3.08 9.671,-3.08 9.671,-3.08 l -9.792,-2.67 2.493,2.82 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_LEUt5m" + d="m 696.463,1170.59 55.323,0.67" + stroke="#000000" + stroke-width="1.59033" /> + <path + id="B_LEUt5m" + d="m 698.305,1167.53 c -9.774,2.74 -9.774,2.74 -9.774,2.74 l 9.691,3.01 -2.392,-2.91 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="Group 37"> + <text + id="text6706-4-5" + transform="rotate(0.11511,-593484.22,328132.53)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.42968801" + y="14.5469" + id="tspan951">Val</tspan></text> + <text + id="text6710-5-6" + transform="rotate(0.11511,-593928.97,380894.31)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.42968801" + y="14.5469" + id="tspan952">Val</tspan></text> + <path + id="F_VALt5m" + d="m 749.053,1206.36 c 9.672,-3.08 9.672,-3.08 9.672,-3.08 l -9.793,-2.67 2.494,2.83 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_VALt5m" + d="m 695.702,1202.61 55.323,0.68" + stroke="#000000" + stroke-width="1.59033" /> + <path + id="B_VALt5m" + d="m 697.544,1199.55 c -9.775,2.74 -9.775,2.74 -9.775,2.74 l 9.692,3.01 -2.392,-2.91 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="Group 44"> + <path + id="R_LYStm" + d="m 730.86,1398.47 c 6.57,-1.84 5.173,-17.14 5.173,-17.14 m -42.445,17.38 66.106,0.67 m -53.367,-17.87 c -2.805,10.81 5.315,17.18 5.315,17.18" + stroke="#000000" + stroke-width="1.48938" /> + <path + id="F_LYStm" + d="m 753.702,1402.48 c 9.762,-2.78 9.762,-2.78 9.762,-2.78 l -9.705,-2.97 2.405,2.9 z m -45.178,-18.58 c -2.216,-6.88 -2.216,-6.88 -2.216,-6.88 l -2.325,6.86 2.284,-1.71 z" + stroke="#000000" + stroke-width="2.66667" /> + <g + id="text5315-1-8"> + <text + transform="rotate(1.03014,-75399.394,39611.016)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text953"><tspan + x="0.0617189" + y="11.1602" + id="tspan953">H</tspan></text> + <text + transform="rotate(1.03014,-75399.394,39611.016)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text954"><tspan + x="8.7335901" + y="11.1602" + id="tspan954">⁺</tspan></text> + </g> + <g + id="text5319-1-3"> + <text + transform="rotate(1.03014,-75443.972,41272.691)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text955"><tspan + x="0.0617189" + y="11.1602" + id="tspan955">H</tspan></text> + <text + transform="rotate(1.03014,-75443.972,41272.691)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text956"><tspan + x="8.7335901" + y="11.1602" + id="tspan956">⁺</tspan></text> + </g> + <text + id="text5323-2-5" + transform="rotate(0.11511,-691675.7,381987.99)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0" + y="14.5469" + id="tspan957">Lys</tspan></text> + <text + id="text5327-6-9" + transform="rotate(0.11511,-691228.45,331714.96)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0" + y="14.5469" + id="tspan958">Lys</tspan></text> + </g> + <g + id="Group 38"> + <text + id="text6724-7" + transform="rotate(0.11511,-531463.4,314631.02)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.14843801" + y="14.5469" + id="tspan959">3mob</tspan></text> + <text + id="text6752-6" + transform="rotate(0.11511,-531387.4,390288.7)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.14843801" + y="14.5469" + id="tspan960">3mob</tspan></text> + <g + id="text7876-8"> + <text + transform="rotate(1.03014,-57995.839,38914.855)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text961"><tspan + x="0.0617189" + y="11.1602" + id="tspan961">H</tspan></text> + <text + transform="rotate(1.03014,-57995.839,38914.855)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text962"><tspan + x="8.7335901" + y="11.1602" + id="tspan962">⁺</tspan></text> + </g> + <g + id="text7880-6"> + <text + transform="rotate(1.35335,-43694.455,32138.053)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text963"><tspan + x="0.0617189" + y="11.1602" + id="tspan963">H</tspan></text> + <text + transform="rotate(1.35335,-43694.455,32138.053)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text964"><tspan + x="8.7335901" + y="11.1602" + id="tspan964">⁺</tspan></text> + </g> + <path + id="F_3MOBt2im" + d="m 754.786,1062.49 c -2.276,-6.87 -2.276,-6.87 -2.276,-6.87 l -2.265,6.88 2.269,-1.72 z m 14.581,18.35 c 9.644,-3.16 9.644,-3.16 9.644,-3.16 l -9.815,-2.59 2.518,2.8 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_3MOBt2im" + d="m 695.4,1062.35 c -2.688,10.84 5.422,17.13 5.422,17.13 m 46.793,-0.37 c 6.501,-1.89 4.982,-17.18 4.982,-17.18 m -74.301,17.06 89.379,0.32" + stroke="#000000" + stroke-width="1.48337" /> + </g> + <g + id="Group 43"> + <text + id="text14294-5" + transform="rotate(0.11511,-661188.44,317747.82)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.14843801" + y="14.5469" + id="tspan965">4mop</tspan></text> + <text + id="text14294-2-9" + transform="rotate(0.11511,-662110.93,390420.02)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.14843801" + y="14.4397" + id="tspan966">4mop</tspan></text> + <g + id="text14350-6"> + <text + transform="rotate(1.03014,-72097.771,41824.753)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text967"><tspan + x="0.0617189" + y="11.1602" + id="tspan967">H</tspan></text> + <text + transform="rotate(1.03014,-72097.771,41824.753)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text968"><tspan + x="8.7335901" + y="11.1602" + id="tspan968">⁺</tspan></text> + </g> + <g + id="text14354-3"> + <text + transform="rotate(1.35335,-55098.006,29981.625)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text969"><tspan + x="0.0617189" + y="11.1602" + id="tspan969">H</tspan></text> + <text + transform="rotate(1.35335,-55098.006,29981.625)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text970"><tspan + x="8.7335901" + y="11.1602" + id="tspan970">⁺</tspan></text> + </g> + <path + id="R_4MOPt2im" + d="m 699.005,1322.74 c -2.585,10.87 5.583,17.08 5.583,17.08 m -22.36,0.39 87.113,-0.51 m -28.631,-0.4 c 6.484,-1.96 4.82,-17.23 4.82,-17.23" + stroke="#000000" + stroke-width="1.48337" /> + <path + id="F_4MOPt2im" + d="m 748.778,1323.38 c -2.341,-6.84 -2.341,-6.84 -2.341,-6.84 l -2.2,6.9 2.253,-1.75 z m 19.02,18.18 c 9.613,-3.26 9.613,-3.26 9.613,-3.26 l -9.839,-2.49 2.545,2.78 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="Group 50"> + <text + id="text5042-4" + transform="rotate(0.11511,-724064.47,312335.75)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.078125" + y="14.5469" + id="tspan971">2oxoadp</tspan></text> + <text + id="text5042-9-4" + transform="rotate(0.11511,-724990.47,381523.71)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.078125" + y="14.5469" + id="tspan972">2oxoadp</tspan></text> + <path + id="R_2OXOADPTm" + d="m 734.5,1465.79 c 6.571,-1.84 3.612,-18.05 3.612,-18.05 M 696,1465.79 h 65.773 m -53.366,-17.87 c -2.805,10.81 6.093,17.87 6.093,17.87" + stroke="#000000" + stroke-width="1.48938" /> + <text + id="text5315-1-4-9" + transform="rotate(1.03014,-79136.037,38752.703)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.32617199" + y="11.1602" + id="tspan973">AKG</tspan></text> + <text + id="text5319-1-4-4" + transform="rotate(1.03014,-79137.743,41532.781)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.32617199" + y="11.1602" + id="tspan974">AKG</tspan></text> + </g> + <g + id="Group 39"> + <text + id="text4809-6" + transform="rotate(0.11511,-550200.65,307681.37)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.25781199" + y="14.5469" + id="tspan975">propCoA</tspan></text> + <text + id="text4809-9-4" + transform="rotate(0.11511,-550126.15,381845.8)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.25781199" + y="14.5469" + id="tspan976">propCoA</tspan></text> + <path + id="F_PPCOAtm" + d="m 751.961,1119.34 c 9.672,-3.08 9.672,-3.08 9.672,-3.08 l -9.793,-2.67 2.494,2.82 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_PPCOAtm" + d="m 698.61,1115.59 55.323,0.67" + stroke="#000000" + stroke-width="1.59033" /> + <path + id="B_PPCOAtm" + d="m 700.452,1112.53 c -9.775,2.74 -9.775,2.74 -9.775,2.74 l 9.692,3.01 -2.392,-2.91 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="Group 41"> + <text + id="text4809-3-0" + transform="rotate(0.11511,-609938.9,299279.65)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.28125" + y="14.5469" + id="tspan977">5,10meTHF</tspan></text> + <text + id="text4809-9-0-1" + transform="rotate(0.11511,-609855.9,381905.8)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.28125" + y="14.5469" + id="tspan978">5,10meTHF</tspan></text> + <path + id="F_MLTHFtm" + d="m 750.829,1239.14 c 9.671,-3.08 9.671,-3.08 9.671,-3.08 l -9.792,-2.68 2.493,2.83 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_MLTHFtm" + d="m 697.477,1235.38 55.323,0.68" + stroke="#000000" + stroke-width="1.59033" /> + <path + id="B_MLTHFtm" + d="m 699.319,1232.33 c -9.774,2.73 -9.774,2.73 -9.774,2.73 l 9.691,3.02 -2.391,-2.91 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="Group 58"> + <text + id="text7967-0-3-65-1-3-2-82-8-8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1043.33" + y="1184.16" + id="tspan979">AKG</tspan></text> + <text + id="text7967-0-3-65-1-3-2-5-0-5-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1050.15" + y="1213.16" + id="tspan980">Glu</tspan></text> + <g + id="B_ASPTAm"> + <path + d="m 1081.5,1207 -1,2 1,2.5 -6.5,-1.5 z" + stroke="#000000" + stroke-width="2.23952" + id="path980" /> + <path + d="m 1096,1404 3.5,2 2.5,-1 -2.5,10 z" + stroke="#000000" + stroke-width="2.23952" + id="path981" /> + </g> + <path + id="F_ASPTAm" + d="m 1095,1152.5 3,-7.5 4,7.5 c 0,0 -3.02,-2.22 -4,-3 z" + stroke="#000000" + stroke-width="2.23952" + stroke-miterlimit="5.75877" /> + <path + id="R_ASPTAm" + d="m 1099,1150 v 256 m -17,-197.48 c 0,0 17,3.06 17,-14.63 0,0 0,-12.25 -17,-12.25" + stroke="#000000" + stroke-width="2.25114" /> + <text + id="text7967-0-3-0-2-6-3-0-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1083.38" + y="1133.55" + id="tspan981">Asp</tspan></text> + <text + id="text7967-0-3-9-1-2-1-3-4-7-1" + transform="translate(1052,962)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.156251" + y="14.5469" + id="tspan982">Glu</tspan></text> + <g + id="text7967-0-3-9-1-2-1-3-8-9-5"> + <text + transform="translate(1056.15,1038.51)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text983"><tspan + x="0.41562501" + y="14.5469" + id="tspan983">H</tspan></text> + <text + transform="translate(1056.15,1038.51)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text984"><tspan + x="11.9781" + y="14.5469" + id="tspan984">⁺</tspan></text> + </g> + <g + id="text7967-0-3-9-1-2-1-3-8-9-5-0"> + <text + transform="translate(1061,993)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text985"><tspan + x="0.41562501" + y="14.5469" + id="tspan985">H</tspan></text> + <text + transform="translate(1061,993)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text986"><tspan + x="11.9781" + y="14.5469" + id="tspan986">⁺</tspan></text> + </g> + <text + id="text7967-0-3-9-1-2-1-3-4-8-3-9" + transform="translate(1049,1058)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.156251" + y="14.5469" + id="tspan987">Glu</tspan></text> + <path + id="R_ASPGLUm" + d="m 1100.62,1117 0.15,-153 m 0,97.62 c -1.61,10.83 -15.26,8.08 -15.26,8.08 m -3.51,-68.2 c 18.62,0 18.62,13 18.62,13 M 1082,973 c 18.62,0 18.62,19 18.62,19 m 0.15,46.19 c -1.61,10.83 -15.26,8.08 -15.26,8.08" + stroke="#000000" + stroke-width="2.81982" /> + <path + id="F_ASPGLUm" + d="m 1104.5,966 -4,-2.5 -3.5,2.5 3.5,-8 z m -12.4,106.14 -13.23,-2.73 13.17,-2.89 -3.27,2.83 z m -3.28,-22.8 -13.24,-2.73 13.18,-2.89 -3.27,2.83 z" + stroke="#000000" + stroke-width="2.57925" /> + </g> + <g + id="Group 52"> + <text + id="text4191" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1404.08" + y="2045.55" + id="tspan988">AcAcCoA</tspan></text> + <path + id="F_ACACT1m" + d="m 1367.52,2039.22 c -9.22,2.82 -9.22,2.82 -9.22,2.82 l 9.15,3.03 -2.26,-2.95 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_ACACT1m" + d="m 1367.32,2041.75 h 33.25 m -22.08,0.15 c 7.09,-1.89 6.27,-20.61 6.27,-20.61" + stroke="#000000" + stroke-width="1.57473" /> + <text + id="text4203" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1373.3199" + y="2018.16" + id="tspan989">CoA</tspan></text> + <text + id="text4207" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1288.4301" + y="2045.55" + id="tspan990">2 AcCoA</tspan></text> + <path + id="F_HACD1m" + d="m 1492.61,2036.41 c -9.61,3.25 -9.61,3.25 -9.61,3.25 l 9.84,2.5 -2.54,-2.78 z m 10.89,-10.91 -1.5,-4.5 -1.5,4.5 1.5,-0.5 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_HACD1m" + d="M 1579.5,2039.24 C 1595,2039.18 1595,2026 1595,2026 m -103.17,13.58 c 0,0 12.6,-0.05 20.67,-0.08 m 107.34,-0.42 c 0,0 -65.42,0.25 -107.34,0.42 M 1539,2026 c 0,13.39 12,13.35 12,13.35 m -38.5,0.15 C 1500,2039.54 1502,2026 1502,2026" + stroke="#000000" + stroke-width="1.54275" /> + <path + id="B_HACD1m" + d="m 1596,2022 -2.5,4.5 2,-0.5 1.5,1 z m 20.54,13.45 2.55,2.78 -2.32,2.97 9.61,-3.25 z" + stroke="#000000" + stroke-width="2.66667" /> + <text + id="text5606-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1486.49" + y="2015.16" + id="tspan991">NADH</tspan></text> + <g + id="text5606-3_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text992"><tspan + x="1582.22" + y="2015.16" + id="tspan992">NAD</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text993"><tspan + x="1607.5699" + y="2015.16" + id="tspan993">⁺</tspan></text> + </g> + <g + id="text5606-3_3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text994"><tspan + x="1532.0601" + y="2024.16" + id="tspan994">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text995"><tspan + x="1540.73" + y="2024.16" + id="tspan995">⁺</tspan></text> + </g> + <g + id="use1272-2"> + <path + id="circle77227-5" + d="m 1647.38,2048.76 c 6.29,0 11.38,-5.09 11.38,-11.38 0,-6.28 -5.09,-11.38 -11.38,-11.38 -6.28,0 -11.38,5.1 -11.38,11.38 0,6.29 5.1,11.38 11.38,11.38 z" + fill="#aaccee" + stroke="#000000" + stroke-width="1.1381" /> + <g + id="path77229-7"> + <path + d="m 1639.41,2029.41 15.94,15.94 z" + fill="#aaccee" + id="path995" /> + <path + d="m 1639.41,2029.41 15.94,15.94" + stroke="#000000" + stroke-width="1.1381" + id="path996" /> + </g> + <g + id="path77231-8"> + <path + d="m 1639.41,2045.35 15.94,-15.94 z" + fill="#aaccee" + id="path997" /> + <path + d="m 1639.41,2045.35 15.94,-15.94" + stroke="#000000" + stroke-width="1.1381" + id="path998" /> + </g> + </g> + <g + id="use1272-2-48"> + <path + id="circle77227-5-9" + d="m 1561.38,1925.76 c 6.29,0 11.38,-5.09 11.38,-11.38 0,-6.28 -5.09,-11.38 -11.38,-11.38 -6.28,0 -11.38,5.1 -11.38,11.38 0,6.29 5.1,11.38 11.38,11.38 z" + fill="#aaccee" + stroke="#000000" + stroke-width="1.1381" /> + <g + id="path77229-7-3"> + <path + d="m 1553.41,1906.41 15.94,15.94 z" + fill="#aaccee" + id="path999" /> + <path + d="m 1553.41,1906.41 15.94,15.94" + stroke="#000000" + stroke-width="1.1381" + id="path1000" /> + </g> + <g + id="path77231-8-4"> + <path + d="m 1553.41,1922.35 15.94,-15.94 z" + fill="#aaccee" + id="path1001" /> + <path + d="m 1553.41,1922.35 15.94,-15.94" + stroke="#000000" + stroke-width="1.1381" + id="path1002" /> + </g> + </g> + <text + id="text14626" + transform="translate(1421.02,1905.07)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.375" + y="14.5469" + id="tspan1002">HMGCoA</tspan></text> + <text + id="text14626-4" + transform="translate(1579.62,1906.11)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.46093801" + y="14.5469" + id="tspan1003">Leu, 4mop</tspan></text> + <text + id="text14626-4-3" + transform="translate(1620.02,2006.1)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.125" + y="14.5469" + id="tspan1004">Lys, 2oxoadp</tspan></text> + <path + id="F_HMGCOASm" + d="m 1458.03,1929 -2.49,9.84 2.77,-2.55 2.97,2.33 z m -13.03,13 -4,2 4.5,1.5 -0.5,-2 z" + stroke="#000000" + stroke-width="2.66667" /> + <text + id="AcCoA" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1405.3199" + y="2000.16" + id="tspan1005">AcCoA</tspan></text> + <g + id="H2O_3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1007"><tspan + x="1419.38" + y="2024.16" + id="tspan1006">H</tspan><tspan + x="1432.28" + y="2024.16" + id="tspan1007">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1008"><tspan + x="1428.05" + y="2024.16" + id="tspan1008">₂</tspan></text> + </g> + <text + id="text5643" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1413.3199" + y="1948.16" + id="tspan1009">CoA</tspan></text> + <g + id="text5643_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1010"><tspan + x="1424.0601" + y="1969.16" + id="tspan1010">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1011"><tspan + x="1432.73" + y="1969.16" + id="tspan1011">⁺</tspan></text> + </g> + <path + id="R_HMGCOASm" + d="m 1445.26,1997.26 c 10.86,2.59 13.33,-9 13.33,-9 m 0,-51.5 c 0,0 0,23.95 0,38 m 0,55.74 c 0,0 0,-10.29 0,-22.5 m 0,-55.24 c -3.33,-10.58 -13.33,-9 -13.33,-9 m 13.33,31 c -4.83,-13.5 -13.33,-11 -13.33,-11 m 13.33,11 c 0,7.87 0,21.45 0,33.24 m 0,0 c 0,13 -13.33,13 -13.33,13" + stroke="#000000" + stroke-width="1.67988" /> + <g + id="text14606"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1013"><tspan + x="1512.54" + y="1936.45" + id="tspan1012">H</tspan><tspan + x="1525.4399" + y="1936.45" + id="tspan1013">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1014"><tspan + x="1521.22" + y="1936.45" + id="tspan1014">₂</tspan></text> + </g> + <path + id="F_MGCHrm" + d="m 1504.42,1917.46 c -9.67,-3.1 -9.67,-3.1 -9.67,-3.1 l 9.8,-2.65 -2.5,2.82 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_MGCHrm" + d="M 1544.78,1913.83 H 1502 m 17,0 c 6.36,2.33 5.5,11.17 5.5,11.17" + stroke="#000000" + stroke-width="1.40903" /> + </g> + </g> + <g + id="Group 28"> + <g + id="Group 156"> + <path + id="R_ARGSL" + d="m 1625.46,547.223 c -21.04,-8.144 -39.6,4.88 -39.6,4.88 m 11.01,-5.587 c 8.24,-1.19 8.76,-13.095 8.76,-13.095" + stroke="#000000" + stroke-width="1.90942" /> + <path + id="R_ARGN" + d="m 1650.55,624.333 c 31.7,-25.713 8.79,-61.242 8.79,-61.242 m 20.32,12.85 C 1665.45,577.5 1667.3,589 1667.3,589 c -1.01,18.5 100.7,11 100.7,11" + stroke="#000000" + stroke-width="2.17479" /> + <path + id="B_ARGSL" + d="m 1587.74,547.476 c -7.64,6.684 -7.64,6.684 -7.64,6.684 l 10.04,-1.459 -3.41,-1.595 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="F_ARGSL" + d="m 1620.1,549.031 c 10.08,-1.22 10.08,-1.22 10.08,-1.22 l -9.12,-4.452 1.92,3.24 z m -12.79,-14.626 c -0.94,-6.792 -0.94,-6.792 -0.94,-6.792 l -2.45,6.24 1.88,-1.353 z" + stroke="#000000" + stroke-width="1.42066" /> + <path + id="F_ARGN" + d="m 1759,601.411 c 9.5,-0.897 9.5,-0.897 9.5,-0.897 l -8.9,-3.318 2,2.41 z m -109.09,19.545 c -6.09,8.117 -6.09,8.117 -6.09,8.117 l 9.52,-3.501 -3.67,-0.856 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="F_ARGSS" + d="m 1557.13,588.483 c 0.73,-10.125 0.73,-10.125 0.73,-10.125 l -6.11,8.105 3.54,-1.269 z m -19.91,5.413 c -9.22,2.45 -9.22,2.45 -9.22,2.45 l 9.32,1.806 -2.37,-2.048 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text5087-83" + transform="translate(1580.24,630.064)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.49218801" + y="14.5469" + id="tspan1015">Ci</tspan></text> + <text + id="text5091" + transform="translate(1625.94,628.636)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.265625" + y="14.5469" + id="tspan1016">Orn</tspan></text> + <text + id="text5095" + transform="translate(1533.22,554.717)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.03125" + y="14.5469" + id="tspan1017">ArgSuc</tspan></text> + <text + id="text5099" + transform="translate(1632.25,539.841)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.21093801" + y="14.5469" + id="tspan1018">Arg</tspan></text> + <text + id="text5111" + transform="translate(1593.23,513)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.49414101" + y="11.1602" + id="tspan1019">Fum</tspan></text> + <path + id="R_ARGSS" + d="m 1576.06,634.358 c -36.39,-15.925 -21.45,-50 -21.45,-50 m -22.73,27.738 c 13.19,2.58 20.81,-6.349 20.81,-6.349 m -0.63,-4.389 c -2.22,-7.011 -19.43,-5.055 -19.43,-5.055" + stroke="#000000" + stroke-width="2.0187" /> + <g + id="text5103-7"> + <text + transform="translate(1682.12,568.637)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1021"><tspan + x="0.38223499" + y="11.1602" + id="tspan1020">H</tspan><tspan + x="13.2779" + y="11.1602" + id="tspan1021">O</tspan></text> + <text + transform="translate(1682.12,568.637)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1022"><tspan + x="9.0541096" + y="11.1602" + id="tspan1022">₂</tspan></text> + </g> + <g + id="Group 144"> + <text + id="text6126" + transform="translate(1771,591)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.19531199" + y="14.5469" + id="tspan1023">Urea</tspan></text> + <path + id="R_UREAt" + d="M 1789.21,590.941 V 34.5" + stroke="#000000" + stroke-width="2.49358" /> + <path + id="F_UREAt" + fill-rule="evenodd" + clip-rule="evenodd" + d="M 1790.93,35.6484 1787.96,26 l -2.96,9.6484 2.96,-2.4122 z" + stroke="#000000" + stroke-width="2.32327" /> + </g> + </g> + <g + id="Group 145"> + <path + id="F_NH4t" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1807.89,35.2407 -2.95,-9.2406 -2.94,9.2406 2.94,-2.3101 z" + stroke="#000000" + stroke-width="3.3745" /> + <path + id="R_NH4t" + d="M 1805.39,531.5 V 30.5" + stroke="#000000" + stroke-width="2.28" /> + <g + id="M_Glc-8-6-7-8"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text1024"><tspan + x="1820.61" + y="547.547" + id="tspan1024">3</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text1025"><tspan + x="1797.48" + y="547.547" + id="tspan1025">NH</tspan></text> + </g> + </g> + </g> + <g + id="Group 30"> + <text + id="PalmCarn" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1935" + y="1802.3199" + id="tspan1026">PalmCarn</tspan></text> + <text + id="PalmCarn_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1717" + y="1802.3199" + id="tspan1027">PalmCarn</tspan></text> + <path + id="R_CARN160t_m" + d="m 1919.03,1797.01 h -112 m 100.47,15.65 c -4.5,-13.16 -12.5,-15.65 -12.5,-15.65 m -57.5,0 c -14,0 -10.5,15.65 -10.5,15.65" + stroke="#000000" + stroke-width="2.69741" /> + <path + id="B_CARN160t_m" + d="m 1825.5,1813 3,3 1,-4.5 -2,1.5 z m 92.87,-13.91 c 8.63,-2.34 8.63,-2.34 8.63,-2.34 l -8.51,-2.75 2.08,2.59 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="F_CARN160t_m" + d="m 1809.49,1795 c -7.49,2.67 -7.49,2.67 -7.49,2.67 l 7.68,2 -1.99,-2.25 z m 96.51,18.5 4,3.5 -0.5,-5 -1.5,1.5 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text7967-0-3-65-1-2-4-9-6-3-3-1-3-8-54-0-8-2-6-5" + transform="translate(1900,1819.01)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.48632801" + y="11.1602" + id="tspan1028">Carn</tspan></text> + <text + id="text7967-0-3-65-1-2-4-9-6-3-3-1-3-8-54-0-8-2-6-1" + transform="translate(1817,1819.01)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.48632801" + y="11.1602" + id="tspan1029">Carn</tspan></text> + <text + id="PalmCoA_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1579.41" + y="1802.55" + id="tspan1030">PalmCoA</tspan></text> + <path + id="F_carnitineAcylTransferaseII" + d="m 1664.54,1795.28 c -8.48,2.9 -8.48,2.9 -8.48,2.9 l 8.71,2.12 -2.26,-2.41 z m 11.52,-11.82 c -1.79,-8.16 -1.79,-8.16 -1.79,-8.16 l -1.97,8.08 1.9,-1.99 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_carnitineAcylTransferaseII" + d="m 1663.06,1797.28 41,-0.43 m -20.65,0.15 c 6.32,-1.58 5.59,-17.1 5.59,-17.1 m -13.9,-1.6 c -3.04,11.66 4.4,19 4.4,19" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="B_carnitineAcylTransferaseII" + d="m 1691.81,1782.38 c -1.79,-8.08 -1.79,-8.08 -1.79,-8.08 l -1.96,8.01 1.9,-1.98 z m 10.85,16.92 c 8.4,-2.98 8.4,-2.98 8.4,-2.98 l -8.7,-1.99 2.29,2.36 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text7967-0-3-65-1-2-4-9-6-3-3-1-3-8-54-0-8-2-6-6" + transform="translate(1654,1760.01)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.48632801" + y="11.1602" + id="tspan1031">Carn</tspan></text> + <text + id="text7967-0-3-65-1-2-4-9-6-3-3-1-3-8-54-0-2-2-5-6" + transform="translate(1684,1759)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.32226601" + y="11.1602" + id="tspan1032">CoA</tspan></text> + <text + id="text7967-0-3-9-14-8-1-9-3-4-5" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1324.4301" + y="1803.55" + id="tspan1033">8 AcCoA</tspan></text> + <text + id="text7967-0-3-65-5-3-5-1-2-8-1-2-5" + transform="rotate(0.250513,-404506.17,354948.12)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.31835899" + y="11.1602" + id="tspan1034">7 FAD</tspan></text> + <g + id="text7967-0-3-65-5-3-5-1-2-8-1-2-56"> + <text + transform="rotate(0.250513,-404529.67,344198.59)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1035"><tspan + x="0.21406201" + y="11.1602" + id="tspan1035">7 NAD</tspan></text> + <text + transform="rotate(0.250513,-404529.67,344198.59)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1036"><tspan + x="35.5812" + y="11.1602" + id="tspan1036">⁺</tspan></text> + </g> + <text + id="text7967-0-3-65-5-3-5-1-2-8-1-2-8" + transform="rotate(0.250513,-404553.17,333449.05)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.3125" + y="11.1602" + id="tspan1037">7 CoA</tspan></text> + <g + id="text7967-0-3-65-5-3-5-1-2-8-1-2-6"> + <text + transform="rotate(0.250513,-404577.17,322470.81)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1039"><tspan + x="0.37246901" + y="11.1602" + id="tspan1038">7 H</tspan><tspan + x="23.287701" + y="11.1602" + id="tspan1039">O</tspan></text> + <text + transform="rotate(0.250513,-404577.17,322470.81)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1040"><tspan + x="19.0639" + y="11.1602" + id="tspan1040">₂</tspan></text> + </g> + <path + id="R_betaOxidation" + d="m 1464,1797.76 c 7.43,-0.51 7,-11.69 7,-11.69 m 50,0 c 0,0 -3.07,11.18 -10.5,11.69 -6.86,1.19 -7.66,15.24 -7.66,15.24 m 62.29,-26.93 c 0,0 -3.52,11.18 -10.95,11.69 -6.86,1.19 -9.79,15.24 -9.79,15.24 m -142.89,-15.24 h 175 m -163.5,0 c 7.43,-0.51 9,-11.69 9,-11.69 m 37,11.69 c -6.86,1.19 -7.16,15.24 -7.16,15.24" + stroke="#000000" + stroke-width="1.7215" /> + <g + id="text7967-0-3-65-5-3-5-1-2-8-1-2-5-0"> + <text + transform="rotate(0.250513,-415155.64,349482.25)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1041"><tspan + x="0.47851601" + y="11.1602" + id="tspan1041">7 FADH</tspan></text> + <text + transform="rotate(0.250513,-415155.64,349482.25)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1042"><tspan + x="42.513699" + y="11.1602" + id="tspan1042">₂</tspan></text> + </g> + <text + id="text7967-0-3-65-5-3-5-1-2-8-1-2-56-5" + transform="rotate(0.250513,-415202.14,328211.9)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.48046899" + y="11.1602" + id="tspan1043">7 NADH</tspan></text> + <g + id="text7967-0-3-65-5-3-5-1-2-8-1-2-6-2"> + <text + transform="rotate(0.250513,-415171.64,342163.42)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1044"><tspan + x="0.051953301" + y="11.1602" + id="tspan1044">7 H</tspan></text> + <text + transform="rotate(0.250513,-415171.64,342163.42)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1045"><tspan + x="18.743401" + y="11.1602" + id="tspan1045">⁺</tspan></text> + </g> + <path + id="F_betaOxidation" + d="m 1450.52,1808.51 c 0.84,8.49 0.84,8.49 0.84,8.49 l 2.9,-7.97 -2.13,1.8 z m 51.1,0 c 0.84,8.49 0.84,8.49 0.84,8.49 l 2.9,-7.97 -2.13,1.8 z m 41.64,0 c 0.84,8.49 0.84,8.49 0.84,8.49 l 2.9,-7.97 -2.13,1.8 z M 1404.5,1795 l -8.5,3 8.5,3 -1.5,-3 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <g + id="Group 31"> + <g + id="text4777-3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1046"><tspan + x="2362.0601" + y="1990.16" + id="tspan1046">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1047"><tspan + x="2370.73" + y="1990.16" + id="tspan1047">⁺</tspan></text> + </g> + <g + id="text7967-0-3-0-02-3-6"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text1048"><tspan + x="2297.3201" + y="2027.55" + id="tspan1048">CO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text1049"><tspan + x="2321.3401" + y="2027.55" + id="tspan1049">₂</tspan></text> + </g> + <g + id="text7967-0-3-0-2-78-8-7"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text1050"><tspan + x="2396.3" + y="2027.55" + id="tspan1050">HCO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text1051"><tspan + x="2431.8701" + y="2027.55" + id="tspan1051">₃</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text1052"><tspan + x="2437.51" + y="2027.55" + id="tspan1052">⁻</tspan></text> + </g> + <path + id="R_HCO3E" + d="m 2379.5,2022.65 h -48 m 28.12,-0.28 c 7.89,-2.16 5.88,-20.34 5.88,-20.34 m -14.5,21.25 c -7.97,2.41 -7.29,20.3 -7.29,20.3" + stroke="#000000" + stroke-width="2.1163" /> + <g + id="text7967-0-3-9-1-2-1-3-9-7"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1054"><tspan + x="2332.3799" + y="2056.1599" + id="tspan1053">H</tspan><tspan + x="2345.28" + y="2056.1599" + id="tspan1054">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1055"><tspan + x="2341.05" + y="2056.1599" + id="tspan1055">₂</tspan></text> + </g> + <path + id="F_HCO3E" + d="m 2368.22,2005.03 c -1.78,-9.37 -1.78,-9.37 -1.78,-9.37 l -2.48,9.17 2.22,-2.22 z m 10.66,19.84 c 9.66,-3.1 9.66,-3.1 9.66,-3.1 l -9.8,-2.65 2.5,2.82 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text4057" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2239.1001" + y="2027.55" + id="tspan1056">ADP</tspan></text> + <text + id="text4065-4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2182.8201" + y="1996.03" + id="tspan1057">Pi</tspan></text> + <g + id="text4073-2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1059"><tspan + x="2131.25" + y="1995.97" + id="tspan1058">H</tspan><tspan + x="2144.1399" + y="1995.97" + id="tspan1059">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1060"><tspan + x="2139.9199" + y="1995.97" + id="tspan1060">₂</tspan></text> + </g> + <text + id="text4077" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2089.0901" + y="2027.55" + id="tspan1061">ATP</tspan></text> + <path + id="R_ATPM" + d="m 2184.01,2022.45 c 7.16,-1.67 6.53,-18.98 6.53,-18.98 m -67.04,19.69 102.91,-0.4 m -20.4,-0.31 c 7.16,-1.67 6.53,-18.98 6.53,-18.98 m -63.68,-1.55 c -3.59,12.96 4.73,21.24 4.73,21.24" + stroke="#000000" + stroke-width="3.03597" /> + <path + id="F_ATPM" + d="m 2192.62,2009.17 c -1.78,-9.37 -1.78,-9.37 -1.78,-9.37 l -2.48,9.17 2.22,-2.21 z m 33.48,16.55 c 8.44,-2.95 8.44,-2.95 8.44,-2.95 l -8.63,-2.29 2.23,2.54 z m -11.48,-16.55 c -1.78,-9.37 -1.78,-9.37 -1.78,-9.37 l -2.48,9.17 2.22,-2.21 z" + stroke="#000000" + stroke-width="2.23952" /> + <g + id="text4101-5"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1062"><tspan + x="2208.72" + y="1996.03" + id="tspan1062">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1063"><tspan + x="2217.3899" + y="1996.03" + id="tspan1063">⁺</tspan></text> + </g> + <text + id="text7967-0-3-9-8-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2462.1001" + y="2029.55" + id="tspan1064">PPi</tspan></text> + <text + id="text7967-0-3-2-6-5-8-4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2516.1599" + y="1996.16" + id="tspan1065">Pi</tspan></text> + <text + id="text7967-0-3-9-14-7-5" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2543.4399" + y="2029.55" + id="tspan1066">Pi</tspan></text> + <g + id="text7967-0-3-7-5-5-1"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1068"><tspan + x="2497.3799" + y="2051.1599" + id="tspan1067">H</tspan><tspan + x="2510.28" + y="2051.1599" + id="tspan1068">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1069"><tspan + x="2506.05" + y="2051.1599" + id="tspan1069">₂</tspan></text> + </g> + <path + id="R_PPA" + d="M 2529.72,2024.25 H 2496 m 17.64,-1.07 c -8.28,1.46 -6.19,13.81 -6.19,13.81 m 1.8,-13.18 c 8.37,-1.63 7.67,-13.79 7.67,-13.79" + stroke="#000000" + stroke-width="2.4681" /> + <path + id="F_PPA" + d="m 2527.61,2026.74 c 9.67,-3.1 9.67,-3.1 9.67,-3.1 l -9.8,-2.65 2.5,2.82 z m -7.66,-16.32 c -1.78,-9.37 -1.78,-9.37 -1.78,-9.37 l -2.48,9.17 2.22,-2.22 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <g + id="Group 32"> + <text + id="text5640-6" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2034.53" + y="1290.37" + id="tspan1070">0.01 dTTP</tspan></text> + <text + id="text5562-2" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2033.84" + y="1209.63" + id="tspan1071">0.01 dATP</tspan></text> + <text + id="text5543-5" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2031.09" + y="1263.46" + id="tspan1072">0.01 dGTP</tspan></text> + <text + id="text7967-0-3-6-2-0-0" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2042.22" + y="1182.1899" + id="tspan1073">0.05 UTP</tspan></text> + <text + id="text5590-1" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2032.47" + y="1236.55" + id="tspan1074">0.01 dCTP</tspan></text> + <text + id="text7967-0-3-6-2-7-4-6" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2048.21" + y="1155.49" + id="tspan1075">0.04CTP</tspan></text> + <text + id="text7967-0-5-1-1" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2034.42" + y="1331.8199" + id="tspan1076">0.27 Palm</tspan></text> + <text + id="text7967-0-8" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2037.84" + y="1357.36" + id="tspan1077">0.20 Chol</tspan></text> + <g + id="a14389-3"> + <text + id="text6883-6" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16px" + letter-spacing="0em"><tspan + x="2041.97" + y="1394.83" + id="tspan1078">0.28 G6P</tspan></text> + </g> + <g + id="a14389-3-9"> + <text + id="text6883-6-8" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16px" + letter-spacing="0em"><tspan + x="2031" + y="1419.7" + id="tspan1079">20.65 H20</tspan></text> + <text + id="text6883-6-8-0" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16px" + letter-spacing="0em"><tspan + x="2032.34" + y="1443.1899" + id="tspan1080">20.70 ATP</tspan></text> + </g> + <text + id="text4694-5" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2043.4" + y="1128.58" + id="tspan1081">0.04 GTP</tspan></text> + <text + id="text5640-6-2" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2448.8" + y="1177.9" + id="tspan1082">0.36 Arg</tspan></text> + <text + id="text5562-2-6" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2448.1001" + y="1248.71" + id="tspan1083">0.05 Cys</tspan></text> + <text + id="text5543-5-4" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2448.1001" + y="1319.61" + id="tspan1084">0.39 Glu</tspan></text> + <text + id="text7967-0-3-6-2-0-0-7" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2448.8" + y="1224.96" + id="tspan1085">0.35 Asp</tspan></text> + <text + id="text5590-1-2" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2448.1001" + y="1296.08" + id="tspan1086">0.33 Gln</tspan></text> + <text + id="text7967-0-3-6-2-7-4-6-0" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2448.8" + y="1201.4301" + id="tspan1087">0.28 Asn</tspan></text> + <text + id="text7967-0-5-1-1-1" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2097.46" + y="1489.5699" + id="tspan1088">0.29 Ile</tspan></text> + <text + id="text7967-0-8-1" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2096.72" + y="1466.76" + id="tspan1089">0.12 His</tspan></text> + <text + id="text6883-6-0" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2448.1001" + y="1272.55" + id="tspan1090">0.54 Gly</tspan></text> + <text + id="text5640-6-2-3" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2172.45" + y="1546.84" + id="tspan1091">0.59Lys</tspan></text> + <text + id="text7967-0-3-6-2-0-0-7-5" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2447.4299" + y="1342.62" + id="tspan1092">0.41 Pro</tspan></text> + <text + id="text7967-0-3-6-2-0-0-7-5-7" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2389.76" + y="1489.92" + id="tspan1093">0.26 Phe</tspan></text> + <text + id="text7967-0-3-6-2-7-4-6-0-8" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2389.77" + y="1471.21" + id="tspan1094">0.15 Met</tspan></text> + <text + id="text4694-5-1-8" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2097.05" + y="1508.79" + id="tspan1095">0.55 Leu</tspan></text> + <text + id="text5640-6-2-3-7" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2326.96" + y="1547.46" + id="tspan1096">0.01 Trp</tspan></text> + <text + id="text7967-0-3-6-2-0-0-7-5-4" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2391.01" + y="1510.1" + id="tspan1097">0.31Thr</tspan></text> + <text + id="text7967-0-3-6-2-7-4-6-0-8-0" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2449.01" + y="1389.6801" + id="tspan1098">0.16 Tyr</tspan></text> + <text + id="text7967-0-3-6-2-7-4-6-0-8-0-4" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2252.9199" + y="1548.21" + id="tspan1099">0.35Val</tspan></text> + <text + id="text4694-5-1-8-1" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2447.95" + y="1366.36" + id="tspan1100">0.39 Ser</tspan></text> + <text + id="text4694-5-1" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2448.8" + y="1154.9" + id="tspan1101">0.51 Ala</tspan></text> + <text + id="text11603-4-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="20px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2232.73" + y="1058.27" + id="tspan1102">Biomass</tspan></text> + <text + id="text11603-4-6-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16px" + letter-spacing="0em"><tspan + x="2390.53" + y="1080.3101" + id="tspan1103">20.65 Pi</tspan></text> + <text + id="text11603-4-6-6-0" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16px" + letter-spacing="0em"><tspan + x="2098.0601" + y="1099.96" + id="tspan1104">20.65ADP</tspan></text> + <text + id="text11603-4-6-6-8" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16px" + letter-spacing="0em"><tspan + x="2391.05" + y="1109.83" + id="tspan1105">20.65 H</tspan></text> + <path + d="m 2197.91,1437.75 v -316.97 m -77.68,318.12 h 77.26 m -77.26,-21.95 h 77.26 m -77.26,-25.96 h 77.26 m -77.26,-37.96 h 77.26 m -76.89,-24.33 h 77.25 m -77.25,-43.95 h 77.25 m -77.25,-25.96 h 77.25 m -77.25,-27.96 h 77.25 m -77.25,-27.95 h 77.25 m -77.25,-27.96 h 77.25 m -77.25,-25.95 h 77.25 m -77.25,-29.41 h 77.25 m 167.19,265.81 v -239.38 m 1.79,237.09 h 77.25 m -79.07,-20.78 h 77.26 m -77.26,-23.96 h 77.26 m -77.26,-23.95 h 77.26 m -77.26,-23.96 h 77.26 m -77.26,-23.95 h 77.26 m -77.26,-23.96 h 77.26 m -77.26,-23.96 h 77.26 m -77.26,-23.95 h 77.26 m -77.26,-23.96 h 77.26 m -77.26,-23.95 h 77.26 m -240.93,91.85 h 162.63 m -57.04,245.8 h -60.45 m 86.11,34.74 H 2218.1 m 27.59,-16.32 v -39.56 m 62.83,41.38 v -39.57 m -140.29,38.11 h 77.26 m -77.72,-17.87 h 77.26 m -76.8,-21.69 h 77.26 m 63.29,40.88 h 77.26 m -77.71,-19.87 h 77.26 m -76.81,-19.69 h 77.26 m -168.08,68.36 v -14.96 m 59.71,15.86 v -14.96 m 54.45,13.46 v -14.96 M 2278.47,1075.5 V 1484 m 73.21,-375.43 v -32.75 m 0.16,0.71 h 25.49 m -186.71,20.44 h 162.64 m -2.15,11.35 h 28.94" + stroke="#000000" + stroke-width="1.72969" + id="path1106" + inkscape:label="R_Biomass" /> + <path + id="F_Biomass" + d="m 2278.69,1068.05 -3.15,9.65 2.95,-2.35 2.8,2.51 z m 96.17,5.2 2.35,2.94 -2.52,2.81 9.81,-2.6 z m -180.3,20.63 -9.81,2.6 9.65,3.15 -2.35,-2.95 z m 182.25,8.74 2.35,2.95 -2.52,2.8 9.82,-2.6 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="Group 35"> + <g + id="text5577"> + <text + transform="rotate(0.250513,-65200.011,97131.447)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1106"><tspan + x="0.0617189" + y="11.1602" + id="tspan1106">H</tspan></text> + <text + transform="rotate(0.250513,-65200.011,97131.447)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1107"><tspan + x="8.7335901" + y="11.1602" + id="tspan1107">⁺</tspan></text> + </g> + <path + id="R_G3PD1ir" + d="m 407.638,284.551 c 0.924,7.066 13.463,8.654 13.463,8.654 m -13.463,10.546 c 0.924,7.066 13.463,8.654 13.463,8.654 m -13.099,-8.852 C 407.686,296.433 399,295 399,295 m 8.802,24 v -46.209" + stroke="#000000" + stroke-width="2.59711" /> + <text + id="text5591" + transform="rotate(0.250513,-70002.993,97141.947)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.49023399" + y="11.1602" + id="tspan1108">NADH</tspan></text> + <g + id="text5591_2"> + <text + transform="rotate(0.250513,-63626.517,84548.708)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1109"><tspan + x="0.223828" + y="11.1602" + id="tspan1109">NAD</tspan></text> + <text + transform="rotate(0.250513,-63626.517,84548.708)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1110"><tspan + x="25.571501" + y="11.1602" + id="tspan1110">⁺</tspan></text> + </g> + <path + id="F_G3PD1ir" + d="m 410.547,276.389 c -3.256,-9.614 -3.256,-9.614 -3.256,-9.614 l -2.492,9.839 2.778,-2.544 z M 400,294 h -4 l 3.5,3.5 -0.5,-2.5 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text5597" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="381.30499" + y="259.547" + id="tspan1111">Gly3P</tspan></text> + </g> + <g + id="Group 71"> + <g + id="Group 69"> + <text + id="text7967-0-3-65-5-3-5-8-9-7-6-6-1-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="787.15997" + y="861.15997" + id="tspan1112">GTP</tspan></text> + <g + id="text7967-0-3-65-1-2-4-9-6-3-3-1-6-3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1113"><tspan + x="677.48999" + y="854.15997" + id="tspan1113">CO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1114"><tspan + x="695.50201" + y="854.15997" + id="tspan1114">₂</tspan></text> + </g> + <text + id="text7967-0-3-65-1-2-4-9-6-3-3-1-6-3_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="719.492" + y="854.15997" + id="tspan1115">GDP</tspan></text> + <g + id="F_PEPCK_re"> + <path + d="m 677.5,868.5 6,-4 1.5,4.5 -0.5,-9 z" + stroke="#000000" + stroke-width="2.23952" + id="path1115" /> + <path + d="m 725.5,868.5 5.5,-4 3,6.5 -2,-10.5 z" + stroke="#000000" + stroke-width="2.23952" + id="path1116" /> + <path + d="m 287,877 -3.5,3.5 2.5,3 -11.5,-3 z" + stroke="#000000" + stroke-width="2.23952" + id="path1117" /> + </g> + <path + id="R_PEPCK_re" + d="m 1101,847 v -8.5 H 832.5 V 880 c 0,0 -81.06,0 -133,0 m -416,0 h 416 m 31,-16.651 C 727.5,880 738,880 738,880 m 48,0 c 12.5,0 12.5,-16.651 12.5,-16.651 M 699.5,880 C 678,880 683,863.349 683,863.349" + stroke="#000000" + stroke-width="2.22" /> + </g> + <g + id="Group 68"> + <path + id="R_ACONT" + d="m 1357.62,919.994 c -16.83,-0.009 -37.12,-10e-4 -37.12,-10e-4" + stroke="#000000" + stroke-width="2.43338" /> + <path + id="B_ACONT" + d="m 1355.21,923.238 c 9.62,-3.228 9.62,-3.228 9.62,-3.228 l -9.83,-2.521 2.54,2.786 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="F_ACONT" + d="m 1324.66,917.489 -9.66,3.101 9.8,2.65 -2.5,-2.819 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="Group 67"> + <text + id="text7967-0-3-65-1-3-2-82-8-9-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1145.21" + y="927.547" + id="tspan1117">AKG</tspan></text> + <text + id="text7967-0-3-9-2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1283.4301" + y="926.547" + id="tspan1118">Iso</tspan></text> + <text + id="text7967-0-3-2-6-9" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1213.49" + y="897.15997" + id="tspan1119">NADPH</tspan></text> + <g + id="text7967-0-3-2-6-9_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1120"><tspan + x="1195.0601" + y="904.15997" + id="tspan1120">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1121"><tspan + x="1203.73" + y="904.15997" + id="tspan1121">⁺</tspan></text> + </g> + <g + id="text7967-0-3-7-5-8"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1122"><tspan + x="1236.22" + y="946.15997" + id="tspan1122">NADP</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1123"><tspan + x="1269.5699" + y="946.15997" + id="tspan1123">⁺</tspan></text> + </g> + <path + id="R_ICDHyr" + d="M 1211.5,921.764 C 1201,921.702 1202,910 1202,910 m 43.41,12.049 c 8.95,1.358 6.7,12.856 6.7,12.856 m -58.42,-13.102 c 0,0 28.9,-0.1 45.81,0 m 33.5,0 c 0,0 -21.64,0.07 -33.5,0 m -26.15,0.534 c -8.55,1.671 -6.38,15.781 -6.38,15.781 m 32.53,-16.315 c -8,-0.047 -7.5,-14.303 -7.5,-14.303" + stroke="#000000" + stroke-width="2.22778" /> + <path + id="F_ICDHyr" + d="m 1197.1,919.506 -9.67,3.101 9.8,2.65 -2.5,-2.819 z m 2.9,-8.506 2,-1.5 h 1.5 l -3,-2.5 z m 5.39,25.02 1.78,9.37 2.48,-9.169 -2.22,2.217 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="B_ICDHyr" + d="m 1267.51,924.445 c 9.63,-3.228 9.63,-3.228 9.63,-3.228 l -9.84,-2.521 2.54,2.786 z" + stroke="#000000" + stroke-width="2.66667" /> + <g + id="text7967-0-3-7-5-9"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1124"><tspan + x="1198.49" + y="958.15997" + id="tspan1124">CO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1125"><tspan + x="1216.5" + y="958.15997" + id="tspan1125">₂</tspan></text> + </g> + </g> + <g + id="Group 70"> + <text + id="text6997-5" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1406.27" + y="900.15997" + id="tspan1126">ATP</tspan></text> + <text + id="text6997-5_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1405.3199" + y="875.15997" + id="tspan1127">CoA</tspan></text> + <text + id="text7027-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1365.16" + y="826.15997" + id="tspan1128">Pi</tspan></text> + <text + id="text7027-3-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + x="19.432791" + y="-26.503607"><tspan + x="1384.5928" + y="799.65637" + id="tspan1128-5">PPi</tspan></text> + <text + id="text7027-3-6-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + x="86.906853" + y="-25.270605"><tspan + x="1452.0669" + y="800.88934" + id="tspan1128-5-3">AMP</tspan></text> + <text + id="text7027-3_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1324.16" + y="843.15997" + id="tspan1129">ADP</tspan></text> + <path + id="R_ACITL" + d="m 1381.29,910.507 c 0,0 0.11,-32.004 0,-65.007 H 1397 m 24.5,0 c 0,0 -14.54,10e-4 -24.5,0 m -269,12 253.4263,3.43791 c 0.04,13 22.1637,10.41809 22.1637,10.41809 m -22.35,16.168 c 2.7,9.857 21.98,8.663 21.98,8.663 m -22.12,-44.688 c -0.06,-17.5 -17.9,-12.398 -17.9,-12.398 m 33.8,6.399 c -0.5,-15 -12,-15 -12,-15" + stroke="#000000" + stroke-width="2.37609" + sodipodi:nodetypes="cccccccccccccc" /> + <text + id="text7039-4-5" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1371.33" + y="926.547" + id="tspan1130">Cit</tspan></text> + <path + id="F_ACITL (Stroke)" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1377.53,823.782 12.35,4.119 -4.72,1.887 v 4.904 z m -9.81,9.565 -3.97,5.249 4.15,5.11 -16.36,-4.902 z m -8.51,5.326 2.11,0.632 -0.53,-0.659 0.51,-0.677 z m 55.22,2.304 14.09,4.403 -15.74,6.119 4.33,-6.055 z m 5.14,4.046 0.32,0.533 -0.67,0.945 2.26,-0.881 z m -282.96,7.381 1.12,2.005 -4.05,3.234 5.78,6.493 -20.36,-5.48 z m -9.71,5.94 5.64,1.52 -2.22,-2.507 0.52,-0.423 z" + fill="#000000" + inkscape:label="F_ACITL" + sodipodi:nodetypes="cccccccccccccccccccccccccccccccccccc" /> + </g> + <text + id="text7967-0-3-9-1-2-1-3-75-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="932" + y="864.31799" + id="tspan1131">Mal</tspan></text> + <text + id="text7967-0-3-65-1-3-2-5-0-5-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1065.15" + y="909.15997" + id="tspan1132">Glu</tspan></text> + <path + id="R_ASPTA" + d="m 1133.5,923 h -32.21 v -12.5 m 0,0 C 1101.29,900 1088,900 1088,900 m 13.29,10.5 v -36 m 0,36 V 932" + stroke="#000000" + stroke-width="2.23449" /> + <path + id="F_ASPTA" + d="m 1089,898 c -3.15,0.427 -2.5,0.5 -5,1.5 3.01,0.985 1.99,2.015 5,3 -0.7,-0.776 -0.8,-1.724 -1.5,-2.5 0.84,-0.636 0.66,-1.364 1.5,-2 z m 9.5,-16.186 c 0.87,-3.271 1.73,-6.543 2.59,-9.814 1.06,3.215 2.11,6.43 3.16,9.646 -1.04,-0.6 -2.11,-2.141 -3.14,-2.174 -0.87,0.781 -1.74,1.561 -2.61,2.342 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="B_ASPTA" + d="m 1132.12,921 c 0.85,0.636 1.69,1.272 2.53,1.908 -0.7,0.776 -1.4,1.553 -2.1,2.328 3.01,-0.985 6.02,-1.972 9.03,-2.957 -3.15,-0.427 -6.3,-0.852 -9.46,-1.279 z m -33.12,10 1.5,4.5 2.5,-4.5 -2.5,1 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text7967-0-3-9-1-2-1-3-4-8-5" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1082.38" + y="950.547" + id="tspan1133">Asp</tspan></text> + <text + id="text7967-0-3-0-4-9" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="930.10199" + y="950.547" + id="tspan1134">Fum</tspan></text> + <path + id="R_ASPT" + d="M 1078,946.603 H 977.903 m 23.097,0 c -7.161,1.671 -8.784,19.425 -8.784,19.425" + stroke="#000000" + stroke-width="1.82282" /> + <path + id="F_ASPT" + d="m 990.813,961.065 1.779,9.371 2.474,-9.17 -2.213,2.217 z m -11.619,-17.406 -8.446,2.947 8.633,2.288 -2.228,-2.535 z" + stroke="#000000" + stroke-width="2.23952" /> + <g + id="text7967-0-3-65-1-3-2-82-22"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1135"><tspan + x="983.32397" + y="982.15997" + id="tspan1135">NH</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1136"><tspan + x="1000.67" + y="982.15997" + id="tspan1136">₃</tspan></text> + </g> + <g + id="Group 65"> + <path + id="R_ME2" + d="m 573.5,960.189 c 0,26.311 26,23.811 26,23.811 23,0 23,-23.811 23,-23.811 m 306,-101.074 h -34 V 984 h -126 M 290,984 h 412.5 m 0,0 h 66 m -66,0 c -27.5,0 -26,-23.811 -26,-23.811 m 92,23.811 c -19.5,0 -20,-23.811 -20,-23.811" + stroke="#000000" + stroke-width="2.27986" /> + <path + id="F_ME2" + d="m 575.5,961.5 -2.5,-7.5 -3.5,11.5 3.5,-6 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text7051-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="551.48798" + y="947.15997" + id="tspan1137">NADPH</tspan></text> + <g + id="text7051-6_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1138"><tspan + x="743.06201" + y="956.15997" + id="tspan1138">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1139"><tspan + x="751.73401" + y="956.15997" + id="tspan1139">⁺</tspan></text> + </g> + <g + id="text7051-6_3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1140"><tspan + x="667.48999" + y="956.15997" + id="tspan1140">CO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1141"><tspan + x="685.50201" + y="956.15997" + id="tspan1141">₂</tspan></text> + </g> + <g + id="text7051-10-6"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1142"><tspan + x="607.22198" + y="956.15997" + id="tspan1142">NADP</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1143"><tspan + x="640.573" + y="956.15997" + id="tspan1143">⁺</tspan></text> + </g> + </g> + <g + id="Group 66"> + <text + id="text7967-0-3-9-14-3-3-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1081.21" + y="863.547" + id="tspan1144">OAA</tspan></text> + <g + id="text7967-0-3-2-6-3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1145"><tspan + x="1020.06" + y="895.15997" + id="tspan1145">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1146"><tspan + x="1028.73" + y="895.15997" + id="tspan1146">⁺</tspan></text> + </g> + <text + id="text7967-0-3-2-6-3_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1037.49" + y="892.15997" + id="tspan1147">NADH</tspan></text> + <g + id="text7967-0-3-7-5-2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1148"><tspan + x="984.224" + y="895.15997" + id="tspan1148">NAD</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1149"><tspan + x="1009.57" + y="895.15997" + id="tspan1149">⁺</tspan></text> + </g> + <path + id="R_MDH" + d="m 1026.81,874.288 c 0,-13.988 -13,-14.062 -13,-14.062 -12,-0.068 -13.12,14.062 -13.12,14.062 M 974,860 c 0,0 37.98,0.216 62.31,0.354 m 34,-0.354 c 0,0 -20.48,0.43 -34,0.354 m 0,0 c 14,0.079 14,13.934 14,13.934" + stroke="#000000" + stroke-width="2.23449" /> + <path + id="F_MDH" + d="m 1026,880.901 c -0.43,-3.151 -0.57,-4.35 -1,-7.5 0.64,0.841 1.36,1.159 2,2 0.78,-0.699 1.72,-1.301 2.5,-2 -0.99,3.009 -1.5,4.5 -3.5,7.5 z m 40.66,-18.665 2.23,-2.535 -2.04,-2.701 8.44,2.947 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="B_MDH" + d="m 998.5,879.942 c -1,-5 0.427,-2.85 0,-6 0.636,0.841 0.864,1.159 1.5,2 l 3,-2 c -1,3 -3.515,2.991 -4.5,6 z M 974.445,863.236 966,860.289 974.633,858 l -2.229,2.535 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <path + id="R_FUM" + d="m 946.859,894.516 c -1.962,8.158 -17.917,7.083 -17.917,7.083 m 17.917,-25.236 v 51.653" + stroke="#000000" + stroke-width="3.16098" /> + <path + id="B_FUM" + d="m 934,903.5 -6,-1.892 5.5,-1.608 -0.415,1.608 z m 16.574,21.017 -4.261,9 -2.239,-9 2.239,3 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="F_FUM" + d="m 944.14,879.67 c 3.084,-9.67 3.084,-9.67 3.084,-9.67 l 2.667,9.793 -2.823,-2.494 z" + stroke="#000000" + stroke-width="2.66667" /> + <g + id="text7967-0-3-7-7"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1151"><tspan + x="899.38202" + y="906.15997" + id="tspan1150">H</tspan><tspan + x="912.27802" + y="906.15997" + id="tspan1151">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1152"><tspan + x="908.05402" + y="906.15997" + id="tspan1152">₂</tspan></text> + </g> + </g> + <g + id="Group 88"> + <text + id="text7967-0-3-6-2-7-4-34" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="453.276" + y="736.547" + id="tspan1153">3PPyr</tspan></text> + <text + id="text7967-0-3-65-1-3-2-82" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="12px" + letter-spacing="0em"><tspan + x="428.17401" + y="754.86401" + id="tspan1154">NADH</tspan></text> + <g + id="text7967-0-3-65-1-3-2-82_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="12px" + letter-spacing="0em" + id="text1155"><tspan + x="409.42801" + y="756.86401" + id="tspan1155">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="12px" + letter-spacing="0em" + id="text1156"><tspan + x="418.311" + y="756.86401" + id="tspan1156">⁺</tspan></text> + </g> + <g + id="text7967-0-3-65-1-3-2-5-0"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="12px" + letter-spacing="0em" + id="text1157"><tspan + x="373.36899" + y="759.86401" + id="tspan1157">NAD</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="12px" + letter-spacing="0em" + id="text1159"><tspan + x="399.138" + y="759.86401" + id="tspan1158">⁺</tspan></text> + </g> + <path + id="F_PGCD" + d="m 440.839,734.233 c 8.41,-3.046 8.41,-3.046 8.41,-3.046 L 440.59,729 l 2.258,2.509 z M 430,740.5 l 5,2.5 -1.5,-3.5 -1,1 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_PGCD" + d="m 278.5,731.255 h 122 m 42.708,0 H 400.5 M 411,741.5 c 0,0 0,-10.245 -10.5,-10.245 m 0,0 c -12.896,0 -11.5,10.245 -11.5,10.245 m 11.5,-10.245 c 31.5,0 31.5,10.245 31.5,10.245" + stroke="#000000" + stroke-width="2.22" /> + <path + id="B_PGCD" + d="M 280.783,728.128 C 271,730.833 271,730.833 271,730.833 l 9.682,3.047 -2.383,-2.918 z m 106.101,11.086 c 1.751,9.375 1.751,9.375 1.751,9.375 l 2.502,-9.162 -2.22,2.211 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <g + id="Group 91"> + <text + id="text1172" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="578.09399" + y="542.547" + id="tspan1159">CySS</tspan></text> + <path + id="R_CYSGLTH" + d="m 642.5,525.5 c 0,11.852 21.595,12.314 21.595,12.314 25.405,0 25.405,-12.314 25.405,-12.314 m -67,12.314 h 83.191" + stroke="#000000" + stroke-width="1.489" /> + <text + id="text1178" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="620.48199" + y="521.15997" + id="tspan1160">2 GSH</tspan></text> + <text + id="text1182" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="676.15601" + y="521.15997" + id="tspan1161">GSSG</tspan></text> + <text + id="text1186" + transform="translate(719,528)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.13281199" + y="14.5469" + id="tspan1162">2 Cys</tspan></text> + <path + id="F_CYSGLTH" + d="m 703.699,540.949 9.762,-2.78 -9.705,-2.972 2.405,2.9 z M 689,530.5 l 0.5,-4 -3.5,2.5 h 2 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_r0027" + d="m 672,578.714 c 25,0 28.5,-11.714 28.5,-11.714 M 672,578.714 c -5,0 -17,0 -17,-11.714 m 17,11.714 c -33,0 -70,0 -70,0 V 548.5 m 70,30.214 c 27.337,0 70,0 70,0 v -20 m -70,20 C 623.5,578.714 623.5,567 623.5,567" + stroke="#000000" + stroke-width="1.48938" /> + <path + id="R_HMR_3996" + d="m 672,582.5 c 25.5,0 25.5,11 25.5,11 m -25.5,-11 c -11,0 -14.805,0.185 -12,11 m 12,-11 c -29.289,0 -75,0 -75,0 v -34 m 75,34 c 29.289,0 75,0 75,0 v -24 m -75,24 c -48.5,0 -47.5,11 -47.5,11" + stroke="#000000" + stroke-width="1.48938" /> + <g + id="text1230"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1163"><tspan + x="612.06201" + y="560.15997" + id="tspan1163">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1164"><tspan + x="620.73401" + y="560.15997" + id="tspan1164">⁺</tspan></text> + </g> + <text + id="text1230_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="631.48798" + y="560.15997" + id="tspan1165">NADPH</tspan></text> + <text + id="text1234" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="688.32397" + y="560.15997" + id="tspan1166">NADP</tspan></text> + <text + id="text1242" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="603.48999" + y="610.15997" + id="tspan1167">NADH</tspan></text> + <g + id="text1242_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1169"><tspan + x="653.06201" + y="615.15997" + id="tspan1168">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1170"><tspan + x="661.73401" + y="615.15997" + id="tspan1169">⁺</tspan></text> + </g> + <text + id="text1246" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="685.32599" + y="615.15997" + id="tspan1170">NAD</tspan></text> + <path + id="F_r0027" + d="m 743.995,562.784 -2.779,-9.762 -2.973,9.705 2.9,-2.405 z M 701,568.5 l 1,-4 -4,3 2.17,-0.733 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="F_HMR_3996" + d="m 749.209,562.762 -2.78,-9.762 -2.973,9.705 2.901,-2.405 z m -49.493,29.849 -2.216,6.889 -2.325,-6.86 2.284,1.704 z" + stroke="#000000" + stroke-width="2.66667" /> + <g + id="text1260"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1173"><tspan + x="550.38202" + y="572.15997" + id="tspan1171">H</tspan><tspan + x="563.27802" + y="572.15997" + id="tspan1172">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1174"><tspan + x="559.05402" + y="572.15997" + id="tspan1173">₂</tspan></text> + </g> + <g + id="text1264"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1175"><tspan + x="522.32397" + y="572.15997" + id="tspan1174">NH</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1176"><tspan + x="539.66803" + y="572.15997" + id="tspan1175">₃</tspan></text> + </g> + <path + id="F_CystinePyruvate" + d="m 530.073,553.576 c 2.216,6.889 2.216,6.889 2.216,6.889 l 2.325,-6.86 -2.284,1.704 z M 514.762,535 C 505,537.779 505,537.779 505,537.779 l 9.705,2.973 -2.405,-2.9 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_CystinePyruvate" + d="m 561.995,560.937 c 2.668,-14.49 -5.056,-23.017 -5.056,-23.017 m 17.938,-0.147 H 509 m 28.604,0.241 c -6.57,1.838 -5.173,17.139 -5.173,17.139" + stroke="#000000" + stroke-width="1.489" /> + <text + id="text1295" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="473.09399" + y="542.547" + id="tspan1176">Pyr</tspan></text> + <path + id="B_HMR_3996" + d="m 661.541,593 -2.216,6.889 -2.325,-6.86 2.284,1.704 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="B_r0027" + d="m 657,568.5 -3.5,-4 -0.5,5.5 2.284,-1.704 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="B_CYSGLTH" + d="M 644.5,528.628 642,526 l 0.5,5 0.637,-2.372 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="Group 92"> + <text + id="text7967-0-3-6-2-7-4-34-22" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="420.375" + y="520.547" + id="tspan1177">Asn</tspan></text> + <text + id="AMP" + transform="rotate(0.638475,-50062.454,34484.008)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.49804699" + y="11.1602" + id="tspan1178">AMP</tspan></text> + <text + id="Glu" + transform="rotate(0.638475,-47904.752,35189.909)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.15429699" + y="11.1602" + id="tspan1179">Glu</tspan></text> + <text + id="PPi" + transform="rotate(0.638475,-52481.368,35215.409)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.160156" + y="11.1602" + id="tspan1180">PPi</tspan></text> + <text + id="ATP" + transform="rotate(0.638475,-57684.646,35513.621)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.27343801" + y="11.1602" + id="tspan1181">ATP</tspan></text> + <text + id="Gln" + transform="rotate(0.638475,-59567.135,35883.072)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.15429699" + y="11.1602" + id="tspan1182">Gln</tspan></text> + <g + id="H2O_4"> + <text + transform="rotate(0.638475,-55351.47,35500.621)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1184"><tspan + x="0.38223499" + y="11.1602" + id="tspan1183">H</tspan><tspan + x="13.2779" + y="11.1602" + id="tspan1184">O</tspan></text> + <text + transform="rotate(0.638475,-55351.47,35500.621)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1185"><tspan + x="9.0541096" + y="11.1602" + id="tspan1185">₂</tspan></text> + </g> + <path + id="R_ASNS1" + d="M 432.542,534.162 V 682 m 0.001,-43.5 c -0.001,13 -14.736,13 -14.736,13 m 0,-81.5 c 15.76,0 14.735,16.5 14.735,16.5 m -14.735,39 c 0,0 14.735,0 14.735,-13 0,0 1.025,-16.5 -14.734,-16.5 m 14.734,65.5 c 0,13 -14.735,13 -14.735,13 m 0,-130.5 c 15.76,0 14.735,16.5 14.735,16.5" + stroke="#000000" + stroke-width="2.99247" /> + <g + id="text7967-0-3-65-1-3-2-82-8-2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1187"><tspan + x="459.38199" + y="612.15997" + id="tspan1186">H</tspan><tspan + x="472.27802" + y="612.15997" + id="tspan1187">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1188"><tspan + x="468.05399" + y="612.15997" + id="tspan1188">₂</tspan></text> + </g> + <g + id="text7967-0-3-65-1-3-2-82-8-3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1189"><tspan + x="466.32401" + y="644.15997" + id="tspan1189">NH</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1190"><tspan + x="483.668" + y="644.15997" + id="tspan1190">₃</tspan></text> + </g> + <path + id="F_ASNS1" + d="M 429.73,534.586 C 432.236,526 432.236,526 432.236,526 l 2.732,8.503 -2.647,-2.095 z m -9.363,7.54 C 411,543.924 411,543.924 411,543.924 l 9.174,2.456 -2.221,-2.209 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_ASNN" + d="m 441.765,526 -0.019,146.604 M 455.645,607 c 0,0 -13.89,0 -13.893,17.5 0,0 -0.002,16 13.893,16" + stroke="#000000" + stroke-width="2.99066" /> + <path + id="F_ASNN" + d="m 444.377,671.402 c -2.943,8.447 -2.943,8.447 -2.943,8.447 l -2.292,-8.632 2.536,2.227 z m 9.799,-28.893 C 463.5,640.5 463.5,640.5 463.5,640.5 l -9.228,-2.248 2.271,2.159 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text7967-0-3-0-8-9-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="420.375" + y="695.547" + id="tspan1191">Asp</tspan></text> + </g> + <g + id="Group 116"> + <text + id="text7967-0-3-6-2-7-4-34-4-6-2-4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1257.4301" + y="599.547" + id="tspan1192">P5C</tspan></text> + <text + id="text7967-0-3-6-2-7-4-34-4-6-2-4-5" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1262.16" + y="686.547" + id="tspan1193">Pro</tspan></text> + <path + id="R_PRO1x" + d="m 1253.35,651.139 c 9.4,2.665 14.25,-6.543 14.25,-6.543 M 1255.5,610.5 c 0,0 11.42,-3.5 11.48,9 0.06,12.5 -11.48,12.5 -11.48,12.5 m 11.4,-29.036 0.3,61.548" + stroke="#000000" + stroke-width="1.90151" /> + <path + id="F_PRO1x" + d="m 1255.13,649.081 c -9.46,1.221 -9.46,1.221 -9.46,1.221 l 9.01,3.013 -2.08,-2.341 z m 9.13,14.162 c 3.02,8.418 3.02,8.418 3.02,8.418 l 2.21,-8.654 -2.51,2.252 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_P5CR" + d="m 1291.5,651 c -9.89,0 -9.89,-10.5 -9.89,-34 m 0,0 c 0,-8 9.89,-7.5 9.89,-7.5 m -9.89,7.5 c 0,13.5 9.89,13.5 9.89,13.5 m -9.89,-27.5 v 61.512" + stroke="#000000" + stroke-width="1.90151" /> + <path + id="F_P5CR" + d="m 1289.54,648.548 c 9.46,1.221 9.46,1.221 9.46,1.221 l -9.01,3.012 2.09,-2.341 z m -4.99,14.695 c -3.03,8.418 -3.03,8.418 -3.03,8.418 l -2.21,-8.654 2.52,2.252 z" + stroke="#000000" + stroke-width="2.23952" /> + <g + id="text3908"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1194"><tspan + x="1241.0601" + y="635.15997" + id="tspan1194">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1195"><tspan + x="1249.73" + y="635.15997" + id="tspan1195">⁺</tspan></text> + </g> + <text + id="text3908_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1220.49" + y="614.15997" + id="tspan1196">NADH</tspan></text> + <g + id="text3920"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1197"><tspan + x="1293.0601" + y="635.15997" + id="tspan1197">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1198"><tspan + x="1301.73" + y="635.15997" + id="tspan1198">⁺</tspan></text> + </g> + <text + id="text3920_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1292.49" + y="614.15997" + id="tspan1199">NADPH</tspan></text> + <g + id="text3932"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1200"><tspan + x="1215.22" + y="653.15997" + id="tspan1200">NAD</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1201"><tspan + x="1240.5699" + y="653.15997" + id="tspan1201">⁺</tspan></text> + </g> + <g + id="text3938"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1202"><tspan + x="1301.22" + y="653.15997" + id="tspan1202">NADP</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1203"><tspan + x="1334.5699" + y="653.15997" + id="tspan1203">⁺</tspan></text> + </g> + <g + id="Group 100"> + <text + id="text7967-0-3-6-2-7-4-34-4-6-2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1168.04" + y="598.547" + id="tspan1204">GluSA</tspan></text> + <g + id="text7967-0-3-65-1-2-4-9-8-0-9-2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1206"><tspan + x="1218.38" + y="569.15997" + id="tspan1205">H</tspan><tspan + x="1231.28" + y="569.15997" + id="tspan1206">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1207"><tspan + x="1227.05" + y="569.15997" + id="tspan1207">₂</tspan></text> + </g> + <path + id="R_G5SADs" + d="m 1247.5,593.5 h -29 c 0,0 11.5,0 11.5,-11" + stroke="#000000" + stroke-width="2.32025" /> + <path + id="F_G5SADs" + d="m 1246.53,591.078 c 8.42,3.024 8.42,3.024 8.42,3.024 l -8.65,2.209 2.25,-2.514 z m -18.42,-6.592 c 1.22,-9.46 1.22,-9.46 1.22,-9.46 l 3.01,9.007 -2.34,-2.082 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + </g> + <g + id="Group 99"> + <path + id="R_GLUN" + d="m 1382,616 c 16.09,0 16.09,17 16.09,17 0,18.5 -16.09,18.5 -16.09,18.5 m 16.09,-60.5 v 103.661" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="F_GLUN" + d="m 1400.85,692.537 c -3.44,9.547 -3.44,9.547 -3.44,9.547 l -2.3,-9.887 2.73,2.6 z m -16.49,-38.932 c -9.32,-2.036 -9.32,-2.036 -9.32,-2.036 l 9.24,-2.22 -2.28,2.151 z" + stroke="#000000" + stroke-width="2.23952" /> + <g + id="text3504-6"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1208"><tspan + x="1355.3199" + y="657.15997" + id="tspan1208">NH</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1209"><tspan + x="1372.67" + y="657.15997" + id="tspan1209">₃</tspan></text> + </g> + <text + id="text3514-0" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1390.16" + y="587.547" + id="tspan1210">Gln</tspan></text> + <g + id="text3565-0"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1212"><tspan + x="1356.38" + y="620.15997" + id="tspan1211">H</tspan><tspan + x="1369.28" + y="620.15997" + id="tspan1212">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1213"><tspan + x="1365.05" + y="620.15997" + id="tspan1213">₂</tspan></text> + </g> + <g + id="text3687-9"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1214"><tspan + x="1433.13" + y="667.422" + id="tspan1214">NH</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1215"><tspan + x="1450.47" + y="667.422" + id="tspan1215">₃</tspan></text> + </g> + <text + id="text3691-0" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1432.08" + y="649.422" + id="tspan1216">ATP</tspan></text> + <path + id="F_GLNS" + d="m 1424.66,611.109 c 9.32,-2.036 9.32,-2.036 9.32,-2.036 l -9.23,-2.221 2.27,2.152 z m 0,16 c 9.32,-2.036 9.32,-2.036 9.32,-2.036 l -9.23,-2.221 2.27,2.152 z m -13.51,-25.047 c -3.32,-9.591 -3.32,-9.591 -3.32,-9.591 l -2.43,9.856 2.76,-2.564 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_GLNS" + d="m 1429.87,609.926 c -12.99,-3.437 -21.18,4.973 -21.18,4.973 m 0.41,42.437 c 1.99,7.051 21.59,6.235 21.59,6.235 m -0.82,-37.645 c -12.99,-3.437 -21.18,4.973 -21.18,4.973 m 0.41,8.437 c 1.99,7.051 21.59,6.235 21.59,6.235 M 1408.78,601.213 1408.69,704" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text3699-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1436.34" + y="627.32202" + id="tspan1217">ADP</tspan></text> + <text + id="text3703-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1435.97" + y="611.42401" + id="tspan1218">Pi</tspan></text> + </g> + <g + id="Group 96"> + <g + id="text7967-0-3-65-1-3-2-5-0-5-4-3-1-6"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1219"><tspan + x="1094.33" + y="741.15997" + id="tspan1219">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1220"><tspan + x="1103.67" + y="741.15997" + id="tspan1220">₂</tspan></text> + </g> + <text + id="text7967-0-3-6-2-7-4-34-3-3-7-8-9-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1114.05" + y="759.547" + id="tspan1221">Trp</tspan></text> + <path + id="F_TRPO2" + d="m 1070.45,758.674 c -8.45,-2.947 -8.45,-2.947 -8.45,-2.947 l 8.63,-2.289 -2.23,2.536 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_TRPO2" + d="m 1110.48,755.772 -40.32,0.198 M 1100,744.5 c 4.5,11.301 -16,11.272 -16,11.272" + stroke="#000000" + stroke-width="1.74914" /> + <text + id="text7967-0-3-6-2-7-4-34-4-71-2-2-8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="994.414" + y="759.547" + id="tspan1222">Lfmkynr</tspan></text> + </g> + <g + id="Group 95"> + <text + id="text7967-0-3-65-1-3-2-82-8-1-7-8-1-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="902.14502" + y="730.15997" + id="tspan1223">formate</tspan></text> + <g + id="text7967-0-3-65-1-3-2-82-8-1-7-8-1-6-8"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1224"><tspan + x="949.06201" + y="730.15997" + id="tspan1224">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1225"><tspan + x="957.73401" + y="730.15997" + id="tspan1225">⁺</tspan></text> + </g> + <path + id="F_FKYNH" + d="M 922.07,742.841 C 924,733.5 924,733.5 924,733.5 l 2.326,9.208 -2.177,-2.252 z m -10.624,15.504 C 903,755.398 903,755.398 903,755.398 l 8.633,-2.288 -2.229,2.535 z m 39.993,-15.504 c 1.93,-9.341 1.93,-9.341 1.93,-9.341 l 2.326,9.208 -2.178,-2.252 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_FKYNH" + d="m 934.5,755.601 c -13.5,0.022 -10.438,-18.433 -10.438,-18.433 m 67.938,18.39 -81.642,0.081 m 43.571,-18.471 c 0,0 -2.929,18.407 8.071,18.39 0,0 21.5,-0.034 21.5,-10.558" + stroke="#000000" + stroke-width="2.23449" /> + <g + id="text7967-0-3-65-1-3-2-5-0-5-4-3-1-6-29-2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1227"><tspan + x="973.38202" + y="739.15997" + id="tspan1226">H</tspan><tspan + x="986.27802" + y="739.15997" + id="tspan1227">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1228"><tspan + x="982.05402" + y="739.15997" + id="tspan1228">₂</tspan></text> + </g> + </g> + <text + id="text7967-0-3-9-14-8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1387.16" + y="718.547" + id="tspan1229">Glu</tspan></text> + <text + id="text7967-0-3-6-2-2-5" + transform="translate(1079,704)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.19531199" + y="14.5469" + id="tspan1230">urcan</tspan></text> + <g + id="Group 112"> + <path + id="F_HISDr" + d="m 1056.19,708.529 c -2.22,-6.889 -2.22,-6.889 -2.22,-6.889 l -2.33,6.86 2.29,-1.704 z m 9.87,10.118 c 9.68,-3.081 9.68,-3.081 9.68,-3.081 l -9.8,-2.671 2.5,2.825 z" + stroke="#000000" + stroke-width="2.66667" /> + <g + id="text7967-0-3-1-9"> + <text + transform="translate(1045,687)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1231"><tspan + x="0.32421899" + y="11.1602" + id="tspan1231">NH</tspan></text> + <text + transform="translate(1045,687)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1232"><tspan + x="17.667999" + y="11.1602" + id="tspan1232">₃</tspan></text> + </g> + <path + id="R_HISDr" + d="m 1066.54,715.574 h -25.04 c 13,0 13,-8.574 13,-8.574" + stroke="#000000" + stroke-width="1.53456" /> + <text + id="text7967-0-3-6-2-2-5-3" + transform="translate(1015,704)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.0390625" + y="14.5469" + id="tspan1233">His</tspan></text> + </g> + <g + id="Group 111"> + <path + id="F_URCN" + d="m 1146.33,717.913 c 9.67,-3.081 9.67,-3.081 9.67,-3.081 l -9.79,-2.67 2.49,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <g + id="text7967-0-3-1-9-4"> + <text + transform="translate(1118,691)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1235"><tspan + x="0.38223499" + y="11.1602" + id="tspan1234">H</tspan><tspan + x="13.2779" + y="11.1602" + id="tspan1235">O</tspan></text> + <text + transform="translate(1118,691)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1236"><tspan + x="9.0541096" + y="11.1602" + id="tspan1236">₂</tspan></text> + </g> + <path + id="R_URCN" + d="m 1124.5,714.842 h 22.3 c 0,0 -12.8,0 -12.8,-10.842" + stroke="#000000" + stroke-width="1.48337" /> + </g> + <text + id="text7967-0-3-6-2-2-5-8" + transform="translate(1159,704)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.42968801" + y="14.5469" + id="tspan1237">4izp</tspan></text> + <text + id="text7967-0-3-6-2-2-5-8-4" + transform="translate(1251,704)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.32031199" + y="14.5469" + id="tspan1238">forglu</tspan></text> + <g + id="text7967-0-3-1-9-5-4-8"> + <text + transform="translate(1332,689)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1239"><tspan + x="0.0617189" + y="11.1602" + id="tspan1239">H</tspan></text> + <text + transform="translate(1332,689)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1240"><tspan + x="8.7335901" + y="11.1602" + id="tspan1240">⁺</tspan></text> + </g> + <text + id="text7967-0-3-2-9-3-4-6-4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1346.47" + y="688.15997" + id="tspan1241">5forthf</tspan></text> + <g + id="Group 110"> + <path + id="R_IZPN" + d="m 1206.5,704.5 c 0,9.802 10.29,9.802 10.29,9.802 11.71,0 11.71,-9.802 11.71,-9.802 m -35.5,9.802 h 47.57" + stroke="#000000" + stroke-width="1.48337" /> + <text + id="text7967-0-3-1-9-5-4" + transform="translate(1224,685)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.16406199" + y="11.1602" + id="tspan1242">H</tspan></text> + <g + id="text7967-0-3-2-9-3-4-6"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1244"><tspan + x="1191.38" + y="703.15997" + id="tspan1243">H</tspan><tspan + x="1204.28" + y="703.15997" + id="tspan1244">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1245"><tspan + x="1200.05" + y="703.15997" + id="tspan1245">₂</tspan></text> + </g> + <path + id="F_IZPN" + d="m 1229.5,704 -1,-3 -1.5,4 1.5,-1.5 z m 7.05,12.695 c 9.67,-3.081 9.67,-3.081 9.67,-3.081 l -9.79,-2.671 2.5,2.825 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <path + id="F_GluForTx" + d="M 1365.75,698.889 C 1363.53,692 1363.53,692 1363.53,692 l -2.32,6.86 2.28,-1.704 z m 8.74,17.104 c 9.67,-3.081 9.67,-3.081 9.67,-3.081 l -9.79,-2.67 2.5,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_GluForTx" + d="m 1338,701 c -0.56,12.598 17,12.598 17,12.598 12.5,0 8.5,-15.098 8.5,-15.098 M 1319,701 c 0,12.598 16,12.598 16,12.598 m -35.5,0 h 75.89" + stroke="#000000" + stroke-width="1.48337" /> + <text + id="text7967-0-3-1-9-5-4-8-2" + transform="translate(1305,689)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.328125" + y="11.1602" + id="tspan1246">THF</tspan></text> + <g + id="Group 94"> + <text + id="text7967-0-3-6-2-7-4-34-4-71-2-2-8-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="854.19501" + y="759.547" + id="tspan1247">Lkynr</tspan></text> + <path + id="F_KYN" + d="m 755.5,761 c 1.93,9.341 1.5,8 1.5,8 l 3,-7 -2.422,1.385 z m -5.055,-9.345 C 742,754.602 742,754.602 742,754.602 l 8.633,2.289 -2.229,-2.536 z M 782.5,762 c 1,4.5 1.5,5.5 1.5,5.5 l 1.5,-5 -1.177,0.752 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_KYN" + d="m 841.5,762.5 c 0,-7.961 -16.5,-7.993 -16.5,-7.993 m -50.5,-0.097 c -17,0 -17,8.09 -17,8.09 m 92.11,-7.945 -100.476,-0.194 m 51.866,0.1 c -17,-0.033 -17,8.039 -17,8.039" + stroke="#000000" + stroke-width="2.23449" /> + <text + id="text7967-0-3-65-1-3-2-82-8-1-7-8-1-6-9-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="746.31097" + y="778.15997" + id="tspan1248">anth</tspan></text> + <g + id="text7967-0-3-65-1-3-2-82-8-1-7-8-1-6-8-7-3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1249"><tspan + x="787.06201" + y="778.15997" + id="tspan1249">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1250"><tspan + x="795.73401" + y="778.15997" + id="tspan1250">⁺</tspan></text> + </g> + <g + id="text7967-0-3-65-1-3-2-5-0-5-4-3-1-6-29-2-9-0"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1252"><tspan + x="830.38202" + y="771.15997" + id="tspan1251">H</tspan><tspan + x="843.27802" + y="771.15997" + id="tspan1252">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1253"><tspan + x="839.05402" + y="771.15997" + id="tspan1253">₂</tspan></text> + </g> + </g> + <g + id="Group 93"> + <g + id="use1272-8-6-5"> + <path + id="circle77227-6-6-0" + d="m 935.381,704.762 c 6.285,0 11.381,-5.096 11.381,-11.381 0,-6.286 -5.096,-11.381 -11.381,-11.381 -6.286,0 -11.381,5.095 -11.381,11.381 0,6.285 5.095,11.381 11.381,11.381 z" + fill="#aaccee" + stroke="#000000" + stroke-width="1.1381" /> + <g + id="path77229-0-5-3"> + <path + d="m 927.414,685.415 15.934,15.933 z" + fill="#aaccee" + id="path1253" /> + <path + d="m 927.414,685.415 15.934,15.933" + stroke="#000000" + stroke-width="1.1381" + id="path1254" /> + </g> + <g + id="path77231-5-9-4"> + <path + d="m 927.414,701.348 15.934,-15.933 z" + fill="#aaccee" + id="path1255" /> + <path + d="m 927.414,701.348 15.934,-15.933" + stroke="#000000" + stroke-width="1.1381" + id="path1256" /> + </g> + </g> + <text + id="text7967-0-3-6-2-7-4-34-4-71-2-2-8-1_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="854.078" + y="698.547" + id="tspan1256">2oxoadp</tspan></text> + <path + id="R_KYN3OX" + d="m 877.5,724.5 c 0,0 9.255,0 9.255,10 0,0 0,8.5 -9.255,8.5 m 9.255,-34.336 V 746" + stroke="#000000" + stroke-width="1.48337" /> + <path + id="F_KYN3OX" + d="m 889.729,712.827 c -3.225,-9.624 -3.225,-9.624 -3.225,-9.624 l -2.524,9.831 2.787,-2.536 z m -10.493,9.373 c -6.736,2.645 -6.736,2.645 -6.736,2.645 l 6.992,1.889 -1.844,-2.172 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <text + id="text7967-0-3-6-2-7-4-34-4-71-2-2-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1167.1" + y="768.547" + id="tspan1257">Thr</tspan></text> + <g + id="Group 114"> + <g + id="text7967-0-3-65-1-3-2-82-8-1-7-8-1-8-6"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1258"><tspan + x="1199.8199" + y="746.15997" + id="tspan1258">NH</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1259"><tspan + x="1217.17" + y="746.15997" + id="tspan1259">₃</tspan></text> + </g> + <path + id="F_THRD" + d="m 1220.28,768.501 c 8.44,-2.947 8.44,-2.947 8.44,-2.947 l -8.63,-2.288 2.23,2.535 z m -9.88,-10.369 c -1.93,-9.34 -1.93,-9.34 -1.93,-9.34 l -2.33,9.208 2.18,-2.252 z" + stroke="#000000" + stroke-width="2.23952" + inkscape:label="F_THRD_L" /> + <path + id="R_THRD_L" + d="M 1221.14,766.679 H 1194 c 14.5,0 14.5,-10.679 14.5,-10.679" + stroke="#000000" + stroke-width="1.91264" /> + </g> + <g + id="use1272-8-6-2"> + <path + id="circle77227-6-6-7" + d="m 1446.38,774.762 c 6.29,0 11.38,-5.096 11.38,-11.381 0,-6.286 -5.09,-11.381 -11.38,-11.381 -6.28,0 -11.38,5.095 -11.38,11.381 0,6.285 5.1,11.381 11.38,11.381 z" + fill="#aaccee" + stroke="#000000" + stroke-width="1.1381" /> + <g + id="path77229-0-5-0"> + <path + d="m 1438.41,755.414 15.94,15.933 z" + fill="#aaccee" + id="path1259" /> + <path + d="m 1438.41,755.414 15.94,15.933" + stroke="#000000" + stroke-width="1.1381" + id="path1260" /> + </g> + <g + id="path77231-5-9-0"> + <path + d="m 1438.41,771.347 15.94,-15.933 z" + fill="#aaccee" + id="path1261" /> + <path + d="m 1438.41,771.347 15.94,-15.933" + stroke="#000000" + stroke-width="1.1381" + id="path1262" /> + </g> + </g> + <text + id="text7967-0-3-6-2-7-4-34-4-71-2-2-8-6-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1231.21" + y="768.547" + id="tspan1262">2obut</tspan></text> + <text + id="text4809-31" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1363.4399" + y="767.64899" + id="tspan1263">propCoA</tspan></text> + <g + id="Group 113"> + <path + id="R_OBDHc" + d="M 1316.57,765.696 C 1330,765.696 1330,754 1330,754 m -13.43,11.696 c 0,0 -13.57,0 -13.57,-11.696 m 13.57,11.696 c -15.07,0 -38.57,0 -38.57,0 m 38.57,0 c 15.06,0 38.56,0 38.56,0 m -38.56,0 c 24.93,0 33.93,-11.696 33.93,-11.696 m -33.93,11.696 C 1283.5,765.696 1279.5,754 1279.5,754" + stroke="#000000" + stroke-width="1.48938" /> + <text + id="text4799" + transform="translate(1290,740)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.32226601" + y="11.1602" + id="tspan1264">CoA</tspan></text> + <text + id="text4799_2" + transform="translate(1260,740)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.32617199" + y="11.1602" + id="tspan1265">NAD</tspan></text> + <text + id="NADH_4" + transform="rotate(1.03014,-40150.423,75242.614)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.49023399" + y="11.1602" + id="tspan1266">NADH</tspan></text> + <g + id="CO2_7"> + <text + transform="rotate(1.03014,-40164.423,73685.313)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1267"><tspan + x="0.49023399" + y="11.1602" + id="tspan1267">CO</tspan></text> + <text + transform="rotate(1.03014,-40164.423,73685.313)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1268"><tspan + x="18.502001" + y="11.1602" + id="tspan1268">₂</tspan></text> + </g> + <path + id="F_OBDHc" + d="m 1349.9,768.503 c 9.76,-2.779 9.76,-2.779 9.76,-2.779 l -9.71,-2.973 2.41,2.9 z m -17.64,-13.42 c -2.22,-6.889 -2.22,-6.889 -2.22,-6.889 l -2.32,6.86 2.28,-1.704 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="Group 172"> + <text + id="text4649" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="790.03101" + y="611.547" + id="tspan1269">hgentis</tspan></text> + <g + id="Group 108"> + <text + id="text4614" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="898.328" + y="611.547" + id="tspan1270">hpp</tspan></text> + <path + id="R_34HPPOR" + d="m 890.634,596 c 0,11.298 -10,11.4 -10,11.4 -13.5,0.138 -13.5,-11.4 -13.5,-11.4 m 28.5,11.4 -40.106,0.257" + stroke="#000000" + stroke-width="1.48938" /> + <g + id="text4641"> + <text + transform="translate(885,583)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1271"><tspan + x="0.32617199" + y="11.1602" + id="tspan1271">O</tspan></text> + <text + transform="translate(885,583)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1272"><tspan + x="9.6660204" + y="11.1602" + id="tspan1272">₂</tspan></text> + </g> + <g + id="text4645"> + <text + transform="translate(856,576)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1273"><tspan + x="0.49023399" + y="11.1602" + id="tspan1273">CO</tspan></text> + <text + transform="translate(856,576)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1274"><tspan + x="18.502001" + y="11.1602" + id="tspan1274">₂</tspan></text> + </g> + <path + id="F_34HPPOR" + d="M 864.918,596.889 C 867.134,590 867.134,590 867.134,590 l 2.325,6.86 -2.284,-1.704 z m -4.156,13.42 C 851,607.53 851,607.53 851,607.53 l 9.705,-2.973 -2.405,2.9 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="Group 104"> + <text + id="text4675" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="789.39099" + y="545.547" + id="tspan1275">4mlacac</tspan></text> + <path + id="R_HGNTOR" + d="m 815.5,587.633 c 8.357,0 8.357,-11.5 8.357,-11.5 0,-9.5 -8.357,-8 -8.357,-8 m 8.357,30.5 V 577.08 555.527" + stroke="#000000" + stroke-width="1.48938" /> + <g + id="text4663"> + <text + transform="translate(802,579.633)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1276"><tspan + x="0.32617199" + y="11.1602" + id="tspan1276">O</tspan></text> + <text + transform="translate(802,579.633)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1277"><tspan + x="9.6660204" + y="11.1602" + id="tspan1277">₂</tspan></text> + </g> + <g + id="text4669"> + <text + transform="translate(792.5,561.133)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1278"><tspan + x="0.0617189" + y="11.1602" + id="tspan1278">H</tspan></text> + <text + transform="translate(792.5,561.133)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1279"><tspan + x="8.7335901" + y="11.1602" + id="tspan1279">⁺</tspan></text> + </g> + <path + id="F_HGNTOR" + d="m 817.5,566.133 c -7.86,2.175 -7.86,2.175 -7.86,2.175 l 6.86,2.325 -1.704,-2.284 z m 9.165,-5.371 C 823.886,551 823.886,551 823.886,551 l -2.973,9.705 2.9,-2.405 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="Group 105"> + <path + id="R_MACACI" + d="m 855,541.951 h 27.941" + stroke="#000000" + stroke-width="1.1741" /> + <text + id="text4695" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="893.06201" + y="545.547" + id="tspan1280">4fumacac</tspan></text> + <path + id="F_MACACI" + d="m 879.717,544.752 c 9.762,-2.779 9.762,-2.779 9.762,-2.779 l -9.705,-2.973 2.405,2.9 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="Group 106"> + <path + id="R_FUMAC" + d="m 989,542.758 c 14.42,0 14,-10.258 14,-10.258 m -14,10.258 c 0,0 -11,-0.597 -11,-10.258 m 11,10.258 c 37,0 38,-10.258 38,-10.258 m -56.5,10.258 h 65.83" + stroke="#000000" + stroke-width="1.48938" /> + <g + id="text4719"> + <text + transform="translate(967,517)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1282"><tspan + x="0.38223499" + y="11.1602" + id="tspan1281">H</tspan><tspan + x="13.2779" + y="11.1602" + id="tspan1282">O</tspan></text> + <text + transform="translate(967,517)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1283"><tspan + x="9.0541096" + y="11.1602" + id="tspan1283">₂</tspan></text> + </g> + <g + id="text4725"> + <text + transform="translate(998,513)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1284"><tspan + x="0.0617189" + y="11.1602" + id="tspan1284">H</tspan></text> + <text + transform="translate(998,513)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1285"><tspan + x="8.7335901" + y="11.1602" + id="tspan1285">⁺</tspan></text> + </g> + <text + id="text4725_2" + transform="translate(1019,510)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.49414101" + y="11.1602" + id="tspan1286">Fum</tspan></text> + <text + id="text4729" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1044.03" + y="545.547" + id="tspan1287">AcAc</tspan></text> + <path + id="F_FUMAC" + d="m 1031.1,545.565 c 9.76,-2.779 9.76,-2.779 9.76,-2.779 l -9.71,-2.973 2.41,2.9 z m -25.88,-11.716 C 1003,526.96 1003,526.96 1003,526.96 l -2.32,6.86 2.28,-1.704 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="Group 107"> + <path + id="R_AACOAT" + d="m 1150.5,543.063 c 10.5,0 10.5,-7.563 10.5,-7.563 m -10.5,7.563 c 0,0 -21.5,1.437 -21,-7.063 m 21,7.063 c 29,0 28,-7.063 28,-7.063 m -28,7.063 c -52,0 -52,-7.563 -52,-7.563 m -9.5,7.563 h 99.9" + stroke="#000000" + stroke-width="1.48938" /> + <text + id="text4757" + transform="translate(1117,521)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.32226601" + y="11.1602" + id="tspan1288">CoA</tspan></text> + <text + id="text4757_2" + transform="translate(1088,521)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.27343801" + y="11.1602" + id="tspan1289">ATP</tspan></text> + <text + id="text4763" + transform="translate(1176,515)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.160156" + y="11.1602" + id="tspan1290">PPi</tspan></text> + <text + id="text4763_2" + transform="translate(1145,515)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.49804699" + y="11.1602" + id="tspan1291">AMP</tspan></text> + <text + id="text4767" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1196.08" + y="545.547" + id="tspan1292">AcAcCoA</tspan></text> + <path + id="F_AACOAT" + d="m 1183.67,545.87 c 9.76,-2.779 9.76,-2.779 9.76,-2.779 l -9.7,-2.973 2.4,2.9 z M 1162.5,535.5 c -2.22,-6.889 -1.72,-5.889 -1.72,-5.889 l -1.78,5.889 1.74,-0.733 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="Group 109"> + <text + id="text7967-0-3-6-2-7-4-34-3-3-7-8-9-5" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="979.133" + y="611.547" + id="tspan1293">Tyr</tspan></text> + <path + id="R_TYRTA" + d="m 966,597.232 c 0,10.259 -11.5,10.377 -11.5,10.377 C 941,607.747 941,597.232 941,597.232 m 30,10.377 h -34.5" + stroke="#000000" + stroke-width="1.48938" /> + <path + id="B_TYRTA" + d="M 970.748,609.232 C 976,607.704 976,607.704 976,607.704 l -5.221,-1.634 1.294,1.594 z M 964,599.02 c 1.192,-3.788 1.192,-3.788 1.192,-3.788 l 1.251,3.772 -1.229,-0.937 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="F_TYRTA" + d="M 940.007,598.246 C 940.979,595 940.979,595 940.979,595 l 1.021,3.232 -1.003,-0.803 z m -3.722,10.987 C 932,607.923 932,607.923 932,607.923 l 4.26,-1.401 -1.055,1.367 z" + stroke="#000000" + stroke-width="2.66667" /> + <text + id="text4606" + transform="translate(956,579)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.32617199" + y="11.1602" + id="tspan1294">AKG</tspan></text> + <text + id="text4610" + transform="translate(929,579)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.15429699" + y="11.1602" + id="tspan1295">Glu</tspan></text> + </g> + <g + id="Group 110_2"> + <text + id="text7967-0-3-6-2-7-4-34-3-3-7-8-9-5_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1111.3199" + y="611.547" + id="tspan1296">Phe</tspan></text> + <path + id="R_PHETHPTOX2" + d="M 1045,597.624 C 1045,607.883 1033.5,608 1033.5,608 1020,608.139 1020,597.624 1020,597.624 M 1105.5,608 h -90 m 90,-10.376 c 0,10.258 -11.5,10.376 -11.5,10.376 -13.5,0.138 -13.5,-10.376 -13.5,-10.376" + stroke="#000000" + stroke-width="1.48938" /> + <g + id="F_PHETHPTOX2"> + <path + d="m 1019.01,597.443 c 0.97,-3.247 0.97,-3.247 0.97,-3.247 l 1.02,3.233 -1,-0.803 z m -3.72,11.79 c -4.29,-1.31 -4.29,-1.31 -4.29,-1.31 l 4.26,-1.401 -1.06,1.367 z" + stroke="#000000" + stroke-width="2.66667" + id="path1296" /> + <path + d="m 1019.01,597.443 c 0.97,-3.247 0.97,-3.247 0.97,-3.247 l 1.02,3.233 -1,-0.803 z m -3.72,11.79 c -4.29,-1.31 -4.29,-1.31 -4.29,-1.31 l 4.26,-1.401 -1.06,1.367 z" + stroke="#000000" + stroke-width="2.66667" + id="path1297" /> + <path + d="m 1079.51,596 v 2.259 l 0.99,-0.816 1,0.803 z" + stroke="#000000" + stroke-width="2.66667" + id="path1298" /> + </g> + <text + id="text4606_2" + transform="translate(1095,584)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.32226601" + y="11.1602" + id="tspan1298">BH4</tspan></text> + <text + id="text4606_3" + transform="translate(1064,579)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.32226601" + y="11.1602" + id="tspan1299">BH2</tspan></text> + <g + id="text4610_2"> + <text + transform="translate(1006,579)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1301"><tspan + x="0.38223499" + y="11.1602" + id="tspan1300">H</tspan><tspan + x="13.2779" + y="11.1602" + id="tspan1301">O</tspan></text> + <text + transform="translate(1006,579)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1302"><tspan + x="9.0541096" + y="11.1602" + id="tspan1302">₂</tspan></text> + </g> + <g + id="text4610_3"> + <text + transform="translate(1039,583)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1304"><tspan + x="0.32617199" + y="11.1602" + id="tspan1303">O</tspan></text> + <text + transform="translate(1039,583)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1305"><tspan + x="9.6660204" + y="11.1602" + id="tspan1304">₂</tspan></text> + </g> + </g> + </g> + <g + id="Group 117"> + <text + id="text6724-4" + transform="translate(1134,652.331)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.14843801" + y="14.5469" + id="tspan1305">3mob</tspan></text> + <path + id="F_VALTA" + d="m 1110.54,653.029 c -2.22,-6.889 -2.22,-6.889 -2.22,-6.889 l -2.32,6.86 2.28,-1.704 z m 11.12,11.784 c 9.67,-3.081 9.67,-3.081 9.67,-3.081 l -9.79,-2.67 2.49,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <text + id="text6736" + transform="translate(1022,652)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.42968801" + y="14.5469" + id="tspan1306">Val</tspan></text> + <path + id="R_VALTA" + d="m 1073,651.5 c 0,11.5 17.09,10.771 17.09,10.771 18.41,0 18.41,-10.771 18.41,-10.771 m -51,10.771 h 65.17" + stroke="#000000" + stroke-width="1.48337" /> + <text + id="text6742" + transform="translate(1099,632)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.15429699" + y="11.1602" + id="tspan1307">Glu</tspan></text> + <text + id="text6746" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1060.33" + y="643.15997" + id="tspan1308">AKG</tspan></text> + <path + id="B_VALTA" + d="m 1058.67,659.061 c -9.67,3.081 -9.67,3.081 -9.67,3.081 l 9.79,2.671 -2.49,-2.825 z m 16.65,-5.915 c -2.22,-6.889 -2.22,-6.889 -2.22,-6.889 l -2.32,6.86 2.28,-1.704 z" + stroke="#000000" + stroke-width="2.66667" /> + <g + id="use1272-8-6-5-0"> + <path + id="circle77227-6-6-0-8" + d="m 1192.1,673.762 c 6.29,0 11.38,-5.096 11.38,-11.381 0,-6.286 -5.09,-11.381 -11.38,-11.381 -6.28,0 -11.38,5.095 -11.38,11.381 0,6.285 5.1,11.381 11.38,11.381 z" + fill="#aaccee" + stroke="#000000" + stroke-width="1.1381" /> + <g + id="path77229-0-5-3-7"> + <path + d="m 1184.13,654.415 15.94,15.933 z" + fill="#aaccee" + id="path1308" /> + <path + d="m 1184.13,654.415 15.94,15.933" + stroke="#000000" + stroke-width="1.1381" + id="path1309" /> + </g> + <g + id="path77231-5-9-4-5"> + <path + d="m 1184.13,670.348 15.94,-15.933 z" + fill="#aaccee" + id="path1310" /> + <path + d="m 1184.13,670.348 15.94,-15.933" + stroke="#000000" + stroke-width="1.1381" + id="path1311" /> + </g> + </g> + </g> + <g + id="Group 102"> + <text + id="text14294-9" + transform="translate(939,651)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.14843801" + y="14.5469" + id="tspan1311">4mop</tspan></text> + <path + id="F_LEUTA" + d="M 919.716,652.889 C 917.5,646 917.5,646 917.5,646 l -2.325,6.86 2.284,-1.704 z m 6.347,12.923 c 9.672,-3.081 9.672,-3.081 9.672,-3.081 l -9.793,-2.671 2.494,2.825 z" + stroke="#000000" + stroke-width="2.66667" /> + <text + id="text14306" + transform="translate(847,651)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.265625" + y="14.5469" + id="tspan1312">Leu</tspan></text> + <path + id="R_LEUTA" + d="m 895.5,652 c 0,10.736 11.024,10.736 11.024,10.736 C 917.5,662.736 917.5,652 917.5,652 m -31,10.736 h 40.047" + stroke="#000000" + stroke-width="1.48337" /> + <text + id="text14312-9" + transform="translate(910,632)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.15429699" + y="11.1602" + id="tspan1313">Glu</tspan></text> + <text + id="text14316-4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="878.32599" + y="643.15997" + id="tspan1314">AKG</tspan></text> + <path + id="B_LEUTA-3" + d="m 896.5,651 -1.5,-3 -1.5,5 1.942,-2.233 z m -8.688,8.998 c -9.812,2.6 -9.812,2.6 -9.812,2.6 l 9.649,3.15 -2.351,-2.943 z" + stroke="#000000" + stroke-width="2.66667" /> + <g + id="use1272-8-6-5-0-4"> + <path + id="circle77227-6-6-0-8-5" + d="m 996.381,671.762 c 6.289,0 11.379,-5.096 11.379,-11.381 0,-6.286 -5.09,-11.381 -11.379,-11.381 -6.286,0 -11.381,5.095 -11.381,11.381 0,6.285 5.095,11.381 11.381,11.381 z" + fill="#aaccee" + stroke="#000000" + stroke-width="1.1381" /> + <g + id="path77229-0-5-3-7-0"> + <path + d="m 988.414,652.415 15.936,15.933 z" + fill="#aaccee" + id="path1314" /> + <path + d="m 988.414,652.415 15.936,15.933" + stroke="#000000" + stroke-width="1.1381" + id="path1315" /> + </g> + <g + id="path77231-5-9-4-5-0"> + <path + d="m 988.414,668.348 15.936,-15.933 z" + fill="#aaccee" + id="path1316" /> + <path + d="m 988.414,668.348 15.936,-15.933" + stroke="#000000" + stroke-width="1.1381" + id="path1317" /> + </g> + </g> + </g> + <g + id="Group 90"> + <text + id="text5917-7" + transform="translate(673,651)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.14843801" + y="14.5469" + id="tspan1317">Cyst</tspan></text> + <text + id="text5921-9" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="806.31201" + y="665.547" + id="tspan1318">Cys</tspan></text> + <g + id="Group 115"> + <g + id="text5925-7"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1319"><tspan + x="778.32397" + y="639.15997" + id="tspan1319">NH</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1320"><tspan + x="795.66803" + y="639.15997" + id="tspan1320">₃</tspan></text> + </g> + <text + id="text5925-7_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="737.47302" + y="639.15997" + id="tspan1321">2-obut</tspan></text> + <g + id="text5931-3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1323"><tspan + x="705.38202" + y="645.15997" + id="tspan1322">H</tspan><tspan + x="718.27802" + y="645.15997" + id="tspan1323">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1324"><tspan + x="714.05402" + y="645.15997" + id="tspan1324">₂</tspan></text> + </g> + <path + id="R_CYSTGL" + d="m 754.5,650 c 0,12.034 -15,11.966 -15,11.966 m 34.5,0.089 C 787.5,662.09 787.5,650 787.5,650 m -75,11.946 c 0,0 4.66,-0.038 19.5,0 m 64,0 c 0,0 -31.571,0.084 -64,0 m 0,0 C 717,661.907 716,650 716,650" + stroke="#000000" + stroke-width="2.48339" /> + <path + id="F_CYSTGL" + d="M 790.131,652.37 C 788.353,643 788.353,643 788.353,643 l -2.475,9.169 2.214,-2.217 z m 4.328,12.262 c 8.445,-2.947 8.445,-2.947 8.445,-2.947 l -8.633,-2.288 2.229,2.535 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <path + id="R_CYSTS" + d="m 692.421,724 v -39.245 m -0.631,28.683 c -1.938,6.549 -16.473,4.059 -16.473,4.059 m 2.847,-21.067 c 9.322,-2.739 14.213,6.437 14.213,6.437" + stroke="#000000" + stroke-width="1.90151" /> + <path + id="F_CYSTS" + d="m 688.992,685.79 c 0.893,-3.263 1.787,-6.527 2.68,-9.79 1.024,3.225 2.048,6.449 3.071,9.674 -0.974,-0.792 -1.949,-1.583 -2.924,-2.375 -0.943,0.83 -1.885,1.661 -2.827,2.491 z m -9.014,12.506 C 671,695.077 671,695.077 671,695.077 l 9.443,-1.013 -2.535,1.84 z" + stroke="#000000" + stroke-width="2.23952" /> + <g + id="text7967-0-3-65-1-3-2-82-8-1-2-8-9-6-9-4"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1326"><tspan + x="645.38202" + y="699.15997" + id="tspan1325">H</tspan><tspan + x="658.27802" + y="699.15997" + id="tspan1326">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1327"><tspan + x="654.05402" + y="699.15997" + id="tspan1327">₂</tspan></text> + </g> + <text + id="text5868-0" + transform="translate(646,710)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.16406199" + y="11.1602" + id="tspan1328">Hcys</tspan></text> + </g> + <g + id="Group 85"> + <text + id="text7967-0-3-6-2-7-4-34-0-4" + transform="translate(823.03,724)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.09375" + y="14.5469" + id="tspan1329">Gly</tspan></text> + <text + id="text7967-0-3-65-5-3-5-8-9-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="12px" + letter-spacing="0em"><tspan + x="713.18799" + y="715.86401" + id="tspan1330">THF</tspan></text> + <g + id="text7967-0-3-65-1-2-4-9-6-3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="12px" + letter-spacing="0em" + id="text1332"><tspan + x="742.46301" + y="708.86401" + id="tspan1331">H</tspan><tspan + x="756.396" + y="708.86401" + id="tspan1332">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="12px" + letter-spacing="0em" + id="text1333"><tspan + x="751.34601" + y="708.86401" + id="tspan1333">₂</tspan></text> + </g> + <text + id="text7967-0-3-65-1-2-4-9-6-3_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="12px" + letter-spacing="0em"><tspan + x="771.21503" + y="709.86401" + id="tspan1334">5,10meTHF</tspan></text> + <path + id="R_GHMT2r" + d="m 708,733.996 c 0,0 17.068,0 37.375,0 m 66.625,0 c 0,0 -46.318,0 -66.625,0 M 803.469,720 c 0,13.996 -6.907,13.996 -6.907,13.996 M 734.653,734 c -6.747,-0.004 -6.747,-14 -6.747,-14 m 17.469,13.996 c 10.969,0 9.75,-13.996 9.75,-13.996" + stroke="#000000" + stroke-width="2.22" /> + <path + id="F_GHMT2r" + d="m 810.34,731.323 c 8.411,3.045 8.41,3.045 8.41,3.045 l -8.658,2.188 2.258,-2.509 z m -8.977,-8.609 c 1.751,-9.376 1.751,-9.376 1.751,-9.376 l 2.502,9.162 -2.22,-2.21 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <g + id="Group 86"> + <g + id="text7967-0-3-65-5-3-5-8-9-6"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="12px" + letter-spacing="0em" + id="text1336"><tspan + x="612.57898" + y="762.86401" + id="tspan1335">H</tspan><tspan + x="626.51202" + y="762.86401" + id="tspan1336">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="12px" + letter-spacing="0em" + id="text1337"><tspan + x="621.461" + y="762.86401" + id="tspan1337">₂</tspan></text> + </g> + <text + id="text7967-0-3-65-1-2-4-9-6-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="12px" + letter-spacing="0em"><tspan + x="646.14001" + y="770.68298" + id="tspan1338">Pi</tspan></text> + <path + id="R_PSP_L" + d="m 611.098,732.479 c 19.198,-0.067 38.396,-0.135 57.594,-0.202 m -19.573,21.149 c 2.278,-7.249 0.71,-15.579 -4.323,-21.323 m -12.429,0.208 c -3.129,0.755 -4.554,4.039 -5.404,6.844 -1.114,3.892 -1.472,7.974 -1.491,12.008" + stroke="#000000" + stroke-width="2.22" /> + <path + id="F_PSP_L" + d="m 666.323,735.233 c 8.41,-3.046 8.41,-3.046 8.41,-3.046 l -8.659,-2.187 2.258,2.509 z m -18.243,12.584 c 1.75,9.376 1.75,9.376 1.75,9.376 l 2.502,-9.162 -2.22,2.21 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <g + id="Group 83"> + <text + id="text7967-0-3-6-2-7-4-34-0-5" + transform="translate(678.116,723)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.09375" + y="14.5469" + id="tspan1339">Ser</tspan></text> + <g + id="text7967-0-3-65-1-3-2-82-0"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="12px" + letter-spacing="0em" + id="text1340"><tspan + x="548.45697" + y="813.86401" + id="tspan1340">NH</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="12px" + letter-spacing="0em" + id="text1341"><tspan + x="566.375" + y="813.86401" + id="tspan1341">₃</tspan></text> + </g> + <path + id="R_SERD_L" + d="m 691.745,741 v 40 c 0,0 -41.898,17.507 -68.745,28.724 M 284,955.5 c 0,0 75.167,-32.914 164,-71.224 0,0 -1.5,-7.108 4.5,-9.693 9,-3.877 13,1.417 13,1.417 51.88,-22.323 111.551,-47.076 157.5,-66.276 m 0,0 C 589,823.5 579,812.5 579,812.5" + stroke="#000000" + stroke-width="2.22" /> + <g + id="F_SERD_L"> + <path + d="m 574.5,807 c 0,0 0,0 8.5,4 l -3.483,1.196 -1.816,2.845 z" + stroke="#000000" + stroke-width="2.23952" + id="path1341" /> + <path + d="m 284.5,951.5 v 4 h 3.5 l -7.5,2.5 z" + stroke="#000000" + stroke-width="2.23952" + id="path1342" /> + </g> + </g> + <g + id="Group 87"> + <text + id="text7967-0-3-6-2-7-4-34-0" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="560.612" + y="736.547" + id="tspan1342">3PSer</tspan></text> + <text + id="text7967-0-3-65-5-3-5-8-9" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="12px" + letter-spacing="0em"><tspan + x="508.13101" + y="762.86401" + id="tspan1343">Glu</tspan></text> + <text + id="text7967-0-3-65-1-2-4-9-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="12px" + letter-spacing="0em"><tspan + x="536.27698" + y="762.86401" + id="tspan1344">AKG</tspan></text> + <path + id="R_PSERT" + d="m 508.5,732.023 h 42.119 M 541.5,744.5 c 2,-12.458 -7.5,-12.433 -7.5,-12.433 -16.5,0.045 -16.5,12.433 -16.5,12.433" + stroke="#000000" + stroke-width="2.22" /> + <path + id="F_PSERT" + d="m 547.25,734.967 c 8.41,-3.045 8.41,-3.045 8.41,-3.045 l -8.659,-2.188 2.258,2.509 z m -7.782,7.609 c 1.75,9.376 1.75,9.376 1.75,9.376 l 2.502,-9.162 -2.22,2.21 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="B_PSERT" + d="m 510.41,729 c -8.41,3.045 -8.41,3.045 -8.41,3.045 l 8.659,2.188 -2.258,-2.509 z m 5.59,12 c 1.75,9.376 1.75,9.376 1.75,9.376 l 2.502,-9.162 -2.22,2.21 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + </g> +</svg>
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/local/svg metabolic maps/ENGRO2_no_legend_map.svg Sun Oct 13 11:38:28 2024 +0000 @@ -0,0 +1,20019 @@ +<?xml version="1.0" encoding="UTF-8" standalone="no"?> +<svg + width="2632" + height="2412" + viewBox="0 0 2632 2412" + fill="none" + version="1.1" + id="svg1344" + sodipodi:docname="ENGRO2_map_bozza.svg" + inkscape:version="1.3.2 (091e20ef0f, 2023-11-25)" + xmlns:inkscape="http://www.inkscape.org/namespaces/inkscape" + xmlns:sodipodi="http://sodipodi.sourceforge.net/DTD/sodipodi-0.dtd" + xmlns="http://www.w3.org/2000/svg" + xmlns:svg="http://www.w3.org/2000/svg"> + <defs + id="defs1344"> + <inkscape:path-effect + effect="bspline" + id="path-effect1" + is_visible="true" + lpeversion="1.3" + weight="33.333333" + steps="2" + helper_size="0" + apply_no_weight="true" + apply_with_weight="true" + only_selected="false" + uniform="false" /> + </defs> + <sodipodi:namedview + id="namedview1344" + pagecolor="#ffffff" + bordercolor="#000000" + borderopacity="0.25" + inkscape:showpageshadow="2" + inkscape:pageopacity="0.0" + inkscape:pagecheckerboard="0" + inkscape:deskcolor="#d1d1d1" + inkscape:zoom="0.13412349" + inkscape:cx="-782.86061" + inkscape:cy="1677.5584" + inkscape:window-width="1452" + inkscape:window-height="991" + inkscape:window-x="26" + inkscape:window-y="23" + inkscape:window-maximized="0" + inkscape:current-layer="svg1344" /> + <rect + width="2632" + height="2412" + fill="#f5f5f5" + id="rect1" + x="83.157097" + y="10.936166" /> + <g + id="Group 87-3" + transform="translate(860.81592,168.62488)"> + <text + id="text6997-5-9" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + x="-153.74815" + y="-39.130497" + transform="translate(-860.81592,-168.62488)"><tspan + x="1252.522" + y="861.02948" + id="tspan1126-7">AC</tspan></text> + <text + id="text6997-5-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + x="-89.197617" + y="-20.444986" + transform="translate(-860.81592,-168.62488)"><tspan + x="1317.0724" + y="879.71497" + id="tspan1126-5">ATP</tspan></text> + <text + id="text6997-5_2-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + x="-134.82661" + y="4.1829429" + transform="translate(-860.81592,-168.62488)"><tspan + x="1270.4933" + y="879.3429" + id="tspan1127-3">CoA</tspan></text> + <path + id="path1-9-4" + style="clip-rule:evenodd;fill:#000000;fill-rule:evenodd" + d="M 1415.5488 838.47461 L 1418.2285 842.94141 L 1413.8984 848.99609 L 1429.6387 842.87695 L 1415.5488 838.47461 z M 1480.25 839.76562 L 1482.9297 844.23242 L 1478.5996 850.28711 L 1494.3398 844.16797 L 1480.25 839.76562 z M 1420.6895 842.51953 L 1422.5996 843.11719 L 1420.3398 843.99805 L 1421.0098 843.05273 L 1420.6895 842.51953 z M 1485.3906 843.81055 L 1487.3008 844.4082 L 1485.041 845.28906 L 1485.7109 844.34375 L 1485.3906 843.81055 z M 1487.0293 874.1875 L 1492.7383 890.08008 L 1497.8828 874.19531 L 1492.9707 878.67383 L 1487.0293 874.1875 z M 1491.8594 880.75391 L 1492.7852 881.44922 L 1493.3262 881.14258 L 1492.6797 883.03711 L 1491.8594 880.75391 z " + transform="translate(-860.81592,-168.62488)" /> + <path + id="path1-8" + style="stroke:#000000;stroke-width:2.37609" + transform="translate(-860.81592,-168.62488)" + d="m 1454.4364,855.13069 c 0.3662,-13.86218 28.229,-10.21126 28.229,-10.21126 m -81.8209,12.4836 c -1.4152,-19.40601 14.9383,-12.3979 16.0554,-14.73999 m -145.2667,13.58249 187.5951,1.18738 24.4791,-0.23684 c 11.5406,-0.11549 9.1922,21.1558 9.1922,21.1558 M 1358.7608,857.0927 c -33.6147,1.60593 -31.9892,10.79254 -31.9892,10.79254 m -16.8753,-11.23828 c -23.5105,-0.38608 -28.7325,10.9471 -28.7325,10.9471" /> + </g> + <g + id="ENGRO2_2" + transform="translate(45.207008,47.718875)"> + <g + id="Legend"> + <text + id="text39" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="32px" + font-weight="bold" + letter-spacing="0em"><tspan + x="98.234398" + y="2289.5901" + id="tspan1">Legend:</tspan></text> + <g + id="Legend body"> + <text + id="text35" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="24px" + font-weight="bold" + letter-spacing="0em"><tspan + x="220.246" + y="2350.3201" + id="tspan2">= Blocked</tspan></text> + + <path + id="path6613-8-6" + d="M 98,2342 H 210" + stroke="#bebebe" + stroke-width="30" /> + + </g> + </g> + <g + id="g1352" + inkscape:label="t_Lcystin_ala__L"> + <path + id="F_t_Lcystin_ala__L" + d="m 114.238,1628.46 c 9.762,-2.77 9.762,-2.77 9.762,-2.77 l -9.705,-2.98 2.405,2.9 z M 64,1609.89 C 61.7839,1603 61.7839,1603 61.7839,1603 l -2.3248,6.86 2.2839,-1.7 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.66667" + inkscape:label="F_t_Lcystin_ala__L" /> + <path + d="m 89.9756,1624.44 c 7.5256,-1.84 5.9247,-17.09 5.9247,-17.09 M 50,1625.35 h 73 m -61.1223,-17.82 c -3.2122,10.78 6.0878,17.13 6.0878,17.13" + stroke="#000000" + stroke-width="1.48938" + id="R_t_Lcystin_ala__L" + inkscape:label="R_t_Lcystin_ala__L" /> + <text + id="text1162-7-8" + transform="translate(0,1616)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.09375" + y="14.5469" + id="tspan12">CySS</tspan></text> + <text + id="text1168-0-1" + transform="translate(128,1616)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.09375" + y="14.5469" + id="tspan13">CySS</tspan></text> + <text + id="text1158-3-3" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="87.322304" + y="1600.16" + id="tspan15">Ala</tspan></text> + <text + id="text1154-6-9" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="49.3223" + y="1595.16" + id="tspan14">Ala</tspan></text> + </g> + <g + id="g1348" + inkscape:label="t_Lcystin_ser__L"> + <path + id="F_t_Lcystin_ser__L" + d="m 114.238,1502.37 c 9.762,-2.78 9.762,-2.78 9.762,-2.78 l -9.705,-2.97 2.405,2.9 z m -49.9751,-18.98 c -2.2161,-6.89 -2.2161,-6.89 -2.2161,-6.89 l -2.3248,6.86 2.2839,-1.7 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.66667" + inkscape:label="F_t_Lcystin_ser__L" /> + <text + id="text1303" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="46.3563" + y="1467.33" + id="tspan16">Ser</tspan></text> + <text + id="text1307" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="85.3564" + y="1476.33" + id="tspan17">Ser</tspan></text> + <text + id="text1311" + transform="translate(0,1489)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.09375" + y="14.5469" + id="tspan18">CySS</tspan></text> + <text + id="text1315" + transform="translate(128,1489)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.09375" + y="14.5469" + id="tspan19">CySS</tspan></text> + <path + d="m 90.1839,1498.09 c 7.4887,-1.84 5.8956,-17.09 5.8956,-17.09 m -51.0327,18 h 78.0002 m -60.8234,-17.82 c -3.1964,10.78 6.0577,17.13 6.0577,17.13" + stroke="#000000" + stroke-width="1.48938" + id="R_t_Lcystin_ser__L" + inkscape:label="R_t_Lcystin_ser__L" /> + </g> + <g + id="Group 141" + inkscape:label="t_Lcystin_leu__L"> + <path + id="F_t_Lcystin_leu__L" + d="m 112.236,1566.59 c 9.762,-2.78 9.762,-2.78 9.762,-2.78 l -9.705,-2.97 2.405,2.9 z m -49.1881,-18.57 c -2.2162,-6.89 -2.2162,-6.89 -2.2162,-6.89 l -2.325,6.86 2.2841,-1.71 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.66667" /> + <path + d="m 88.3713,1562.09 c 7.4462,-1.84 5.8622,-17.09 5.8622,-17.09 m -48.1857,18 h 75.0002 m -60.4788,-17.82 c -3.1784,10.78 6.0234,17.13 6.0234,17.13" + stroke="#000000" + stroke-width="1.48938" + id="R_t_Lcystin_leu__L" + inkscape:label="R_t_Lcystin_leu__L" /> + <text + id="text1162-7" + transform="translate(0,1553)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.09375" + y="14.5469" + id="tspan8">CySS</tspan></text> + <text + id="text1168-0" + transform="translate(128,1553)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.09375" + y="14.5469" + id="tspan9">CySS</tspan></text> + <text + id="text1154-6" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="47.480499" + y="1534.16" + id="tspan10">Leu</tspan></text> + <text + id="text1158-3" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="85.480499" + y="1538.16" + id="tspan11">Leu</tspan></text> + </g> + <g + id="Group 142" + inkscape:label="t_Lcystin_glu__L"> + <path + d="m 89.3724,1435.09 c 7.446,-1.84 5.862,-17.09 5.862,-17.09 m -48.1865,18 h 75.0001 m -60.4764,-17.82 c -3.1782,10.78 6.0231,17.13 6.0231,17.13" + stroke="#000000" + stroke-width="1.48938" + id="R_t_Lcystin_glu__L" + inkscape:label="R_t_Lcystin_glu__L" /> + <text + id="text1162" + transform="translate(0.0339355,1427.03)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.09375" + y="14.5469" + id="tspan20">CySS</tspan></text> + <text + id="text1168" + transform="translate(128,1427)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.09375" + y="14.5469" + id="tspan21">CySS</tspan></text> + <text + id="text1154" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="50.350498" + y="1407.33" + id="tspan22">Glu</tspan></text> + <path + id="F_t_Lcystin_glu__L" + d="m 113.239,1439.37 c 9.762,-2.78 9.762,-2.78 9.762,-2.78 l -9.705,-2.97 2.405,2.9 z M 63.8049,1420.8 c -2.2161,-6.89 -2.2162,-6.89 -2.2162,-6.89 l -2.3247,6.86 2.2839,-1.71 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.66667" + inkscape:label="F_t_Lcystin_glu__L" /> + <text + id="text1158" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="85.350502" + y="1411.33" + id="tspan23">Glu</tspan></text> + </g> + <g + id="R_r1050"> + <text + id="text4049-3" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="134.408" + y="1359.55" + id="tspan25">Chol</tspan></text> + <path + d="m 55.7713,1354.03 60.3157,0.35" + stroke="#000000" + stroke-width="2.25913" + id="path27" /> + <path + id="B_r1050" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 58.1973,1351 -9.7615,2.89 9.7292,3 -2.4203,-2.96 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.32759" /> + <path + id="F_r1050" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 114.436,1357.89 9.761,-2.89 -9.729,-3 2.42,2.96 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.32759" /> + </g> + <g + id="R_r1050-3" + transform="translate(30.587279,14.0437)" + inkscape:label="R_HDCAt"> + <text + id="text4049" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + transform="translate(-30.587279,-14.0437)"><tspan + x="132.564" + y="1330.55" + id="tspan24">Palm</tspan></text> + <path + d="m 56.8819,1328 60.3151,0.35" + stroke="#000000" + stroke-width="2.25913" + id="R_HDCAt" + inkscape:label="R_HDCAt" + transform="translate(-30.587279,-14.0437)" /> + <path + id="F_HDCAt" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 116.436,1330.89 9.761,-2.89 -9.729,-3 2.42,2.96 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.32759" + transform="translate(-30.587279,-14.0437)" /> + <path + id="B_HDCAt" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 57.7617,1324.93 -9.7617,2.89 9.7292,3 -2.4203,-2.96 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.32759" + transform="translate(-30.587279,-14.0437)" /> + </g> + <g + id="Group 143"> + <path + id="F_asn_L_t" + d="m 2614.03,404.81 c 9.67,-3.08 9.67,-3.08 9.67,-3.08 l -9.79,-2.671 2.49,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <text + id="text11603" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2506.6599" + y="375.793" + id="tspan27">Ala</tspan></text> + <path + d="m 2546.28,370.569 h 69" + stroke="#000000" + stroke-width="2.26395" + id="path29" + inkscape:label="R_ala_L_t" /> + <text + id="text11603-3-9-0-9-5-5" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2502" + y="434.13599" + id="tspan28">Asp</tspan></text> + <path + d="m 2544.28,431.569 h 74" + stroke="#000000" + stroke-width="2.2238" + id="path31" + inkscape:label="R_asp_L_t" /> + <path + id="B_ala_L_t" + d="m 2613.24,373.182 c 9.67,-3.081 9.67,-3.081 9.67,-3.081 l -9.79,-2.67 2.49,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <text + id="text11603-3-8" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2501.8301" + y="347.51401" + id="tspan31">Arg</tspan></text> + <path + d="m 2546.28,342 h 78" + stroke="#000000" + stroke-width="2.52196" + id="path33" + inkscape:label="R_arg_L_t" /> + <path + id="B_arg_L_t" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 2544.78,342.258 2.41,-2.964 -9.65,2.964 9.65,2.963 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.32327" /> + <path + d="m 2618.28,547.569 h -75" + stroke="#000000" + stroke-width="2.25149" + id="path35" + inkscape:label="R_glu_L_t" /> + <path + d="m 2621.56,574.569 h -79.78" + stroke="#000000" + stroke-width="2.27461" + id="path37" + inkscape:label="R_ser_L_t" /> + <text + id="text5553" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2501.01" + y="551.86401" + id="tspan33">Glu</tspan></text> + <text + id="text2553" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2500.8799" + y="577.091" + id="tspan37">Ser</tspan></text> + <path + d="m 2616.38,483.569 h -72.1" + stroke="#000000" + stroke-width="2.2555" + id="path39" + inkscape:label="R_gly_t" /> + <text + id="text2557" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2500.9399" + y="488.05899" + id="tspan38">Gly</tspan></text> + <path + d="m 2545.28,402.569 h 70" + stroke="#000000" + stroke-width="2.2238" + id="path41" + inkscape:label="R_asn_L_t" /> + <path + d="m 2621.73,625.569 h -80.95" + stroke="#000000" + stroke-width="2.27461" + id="path43" + inkscape:label="R_tyr_L_t" /> + <text + id="text11603-3-9-0-9-5-5-8" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2502" + y="406.94601" + id="tspan39">Asn</tspan></text> + <path + d="m 2617.78,457.569 h -73.5" + stroke="#000000" + stroke-width="2.27461" + id="path45" + inkscape:label="R_cys_L_t" /> + <text + id="text2553-3" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2501.5901" + y="629.24597" + id="tspan43">Tyr</tspan></text> + <path + d="m 2621.14,601.569 h -81.36" + stroke="#000000" + stroke-width="2.27461" + id="path47" + inkscape:label="R_pro_L_t" /> + <text + id="text2553-6" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2501.1599" + y="460.20999" + id="tspan45">Cys</tspan></text> + <path + d="m 2618.7,516.569 h -75.92" + stroke="#000000" + stroke-width="2.27374" + id="path49" + inkscape:label="R_gln_L_t" /> + <text + id="text2553-6-6" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2500.1599" + y="605.896" + id="tspan47">Pro</tspan></text> + <text + id="M_Glc-8-2" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2501.01" + y="522.68799" + id="tspan49">Gln</tspan></text> + <path + id="B_his_L_t" + d="m 2551.75,86.6151 c -9.67,-3.0805 -9.67,-3.0805 -9.67,-3.0805 l 9.79,-2.6708 -2.49,2.8244 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_his_L_t" + d="m 2629.28,84 h -81" + stroke="#000000" + stroke-width="1.70449" /> + <text + id="text7967-0-3-6-2-2-5-3-1-0-6-5" + transform="rotate(0.11511,-35081.576,1248408.1)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.0390625" + y="14.5469" + id="tspan50">His</tspan></text> + <path + id="B_leu_L_t" + d="m 2551.75,142.148 c -9.67,-3.08 -9.67,-3.08 -9.67,-3.08 l 9.79,-2.671 -2.49,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_leu_L_t" + d="m 2629.28,139 h -78" + stroke="#000000" + stroke-width="1.61692" /> + <text + id="text4895" + transform="rotate(0.11511,-62724.71,1246743.6)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.265625" + y="14.5469" + id="tspan51">Leu</tspan></text> + <path + id="B_ile_L_t" + d="m 2551.75,115.415 c -9.67,-3.08 -9.67,-3.08 -9.67,-3.08 l 9.79,-2.671 -2.49,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_ile_L_t" + d="m 2629.28,112 h -81" + stroke="#000000" + stroke-width="1.69719" /> + <text + id="text4909" + transform="rotate(0.11511,-49413.516,1251608.1)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.09375" + y="14.5469" + id="tspan52">Ile</tspan></text> + <path + id="B_lys_L_t" + d="m 2551.75,170.682 c -9.67,-3.081 -9.67,-3.081 -9.67,-3.081 l 9.79,-2.67 -2.49,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_lys_L_t" + d="m 2629.28,168 h -81" + stroke="#000000" + stroke-width="1.68779" /> + <text + id="text4923" + transform="rotate(0.11511,-76927.379,1246827.5)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0" + y="14.5469" + id="tspan53">Lys</tspan></text> + <text + id="text6121" + transform="rotate(0.11511,-91209.967,1247623.3)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.21875" + y="14.5469" + id="tspan54">Met</tspan></text> + <path + id="B_met_L_t" + d="m 2551.75,199.377 c -9.67,-3.08 -9.67,-3.08 -9.67,-3.08 l 9.79,-2.671 -2.49,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_met_L_t" + d="m 2630.28,196 h -82" + stroke="#000000" + stroke-width="1.68992" /> + <text + id="text6328" + transform="rotate(0.11511,-106542.97,1245279.4)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.32031199" + y="14.5469" + id="tspan55">Phe</tspan></text> + <path + id="B_phe_L_t" + d="m 2551.75,229.544 c -9.67,-3.08 -9.67,-3.08 -9.67,-3.08 l 9.79,-2.671 -2.49,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_phe_L_t" + d="m 2630.28,226 h -80" + stroke="#000000" + stroke-width="1.62167" /> + <text + id="text6348" + transform="rotate(0.11511,-121738.71,1247783.4)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.101562" + y="14.5469" + id="tspan56">Thr</tspan></text> + <path + id="B_thr_L_t" + d="m 2549.75,259.92 c -9.67,-3.08 -9.67,-3.08 -9.67,-3.08 l 9.79,-2.671 -2.49,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_thr_L_t" + d="m 2629.28,257 h -81" + stroke="#000000" + stroke-width="1.62534" /> + <text + id="text6477" + transform="rotate(0.11511,-135940.45,1248295.4)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.046875" + y="14.5469" + id="tspan57">Trp</tspan></text> + <path + id="B_trp_L_t" + d="m 2549.75,289.244 c -9.67,-3.081 -9.67,-3.081 -9.67,-3.081 l 9.79,-2.67 -2.49,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_trp_L_t" + d="m 2626.28,286 h -78" + stroke="#000000" + stroke-width="1.70505" /> + <path + id="B_val_L_t" + d="m 2549.75,317.644 c -9.67,-3.081 -9.67,-3.081 -9.67,-3.081 l 9.79,-2.67 -2.49,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <text + id="text6682" + transform="rotate(0.11511,-150258.53,1248444.2)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.42968801" + y="14.5469" + id="tspan58">Val</tspan></text> + <path + id="R_val_L_t" + d="m 2625.28,314 h -77" + stroke="#000000" + stroke-width="1.67611" /> + <path + id="F_asp_L_t" + d="m 2615.61,434.067 c 9.67,-3.081 9.67,-3.081 9.67,-3.081 l -9.79,-2.671 2.49,2.825 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="F_cys_L_t" + d="m 2615.61,460.16 c 9.67,-3.081 9.67,-3.081 9.67,-3.081 l -9.79,-2.671 2.49,2.825 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="F_gln_L_t" + d="m 2616.79,519.463 c 9.68,-3.081 9.68,-3.081 9.68,-3.081 l -9.8,-2.671 2.5,2.825 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="F_gly_t" + d="m 2616,486.253 c 9.68,-3.08 9.68,-3.08 9.68,-3.08 l -9.8,-2.671 2.5,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="F_glu_L_t" + d="m 2616.79,550.3 c 9.68,-3.08 9.68,-3.08 9.68,-3.08 l -9.8,-2.671 2.5,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="F_ser_L_t" + d="m 2618.38,577.184 c 9.67,-3.08 9.67,-3.08 9.67,-3.08 l -9.79,-2.671 2.49,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="F_pro_L_t" + d="m 2619.56,604.068 c 9.67,-3.08 9.67,-3.08 9.67,-3.08 l -9.79,-2.671 2.5,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="F_tyr_L_t" + d="m 2619.56,628.58 c 9.67,-3.08 9.67,-3.08 9.67,-3.08 l -9.79,-2.671 2.5,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="B_asn_L_t" + d="m 2547.63,405.205 c -9.67,-3.08 -9.67,-3.08 -9.67,-3.08 l 9.8,-2.671 -2.5,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="F_ala_L_t" + d="m 2548.42,373.578 c -9.67,-3.081 -9.67,-3.081 -9.67,-3.081 l 9.8,-2.671 -2.5,2.825 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="B_asp_L_t" + d="m 2546.05,434.462 c -9.67,-3.081 -9.67,-3.081 -9.67,-3.081 l 9.79,-2.671 -2.49,2.825 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="B_cys_L_t" + d="m 2546.05,460.555 c -9.67,-3.08 -9.67,-3.08 -9.67,-3.08 l 9.79,-2.671 -2.49,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="B_gln_L_t" + d="m 2544.87,519.858 c -9.67,-3.081 -9.67,-3.081 -9.67,-3.081 l 9.79,-2.671 -2.5,2.825 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="B_gly_t" + d="m 2545.66,486.648 c -9.67,-3.08 -9.67,-3.08 -9.67,-3.08 l 9.79,-2.671 -2.5,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="B_glu_L_t" + d="m 2544.87,550.696 c -9.67,-3.081 -9.67,-3.081 -9.67,-3.081 l 9.79,-2.671 -2.5,2.825 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="B_ser_L_t" + d="m 2543.29,577.579 c -9.68,-3.08 -9.68,-3.08 -9.68,-3.08 l 9.8,-2.671 -2.5,2.825 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="B_pro_L_t" + d="m 2542.1,604.464 c -9.67,-3.081 -9.67,-3.081 -9.67,-3.081 l 9.79,-2.671 -2.49,2.825 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="B_tyr_L_t" + d="m 2542.1,628.975 c -9.67,-3.08 -9.67,-3.08 -9.67,-3.08 l 9.79,-2.671 -2.49,2.825 z" + stroke="#000000" + stroke-width="2.66667" /> + <g + id="Group 174"> + <g + id="R_THBPTt"> + <path + fill-rule="evenodd" + clip-rule="evenodd" + d="m 2622.27,655.87 h -80.95 z" + fill="#2b0000" + id="path58" /> + <path + d="m 2622.27,655.87 h -80.95" + stroke="#000000" + stroke-width="2.27461" + id="path59" /> + </g> + <text + id="text2553-3_2" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2494.48" + y="659.547" + id="tspan59">BH4</tspan></text> + <path + id="F_THBPTt" + d="m 2542.64,659.276 c -9.67,-3.08 -9.67,-3.08 -9.67,-3.08 l 9.8,-2.671 -2.5,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="Group 175"> + <text + id="text2553-3_3" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2494.48" + y="688.547" + id="tspan61">BH2</tspan></text> + <path + d="m 2532.5,682.87 h 86.45" + stroke="#000000" + stroke-width="2.27461" + id="path61" + inkscape:label="R_CE2705t" /> + <path + id="F_CE2705t" + d="m 2617.63,686.276 c 9.67,-3.08 9.67,-3.08 9.67,-3.08 l -9.79,-2.671 2.49,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + </g> + <g + id="Group 140" + inkscape:label="R_O2t"> + <path + id="B_O2t" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 120.178,1271.97 9.456,-2.96 -9.456,-2.97 2.364,2.97 z" + stroke="#000000" + stroke-width="2.85342" /> + <path + id="R_O2t" + d="m 48,1269.19 h 75.747" + stroke="#000000" + stroke-width="3.1496" /> + <g + id="text6312-1"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text63"><tspan + x="134.47301" + y="1274.55" + id="tspan63">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text64"><tspan + x="146.92599" + y="1274.55" + id="tspan64">₂</tspan></text> + </g> + </g> + <g + id="Rectangle 4"> + <mask + id="path-141-outside-1_498_2" + maskUnits="userSpaceOnUse" + x="75" + y="49" + width="2514" + height="2192" + fill="#000000"> + <rect + fill="#ffffff" + x="75" + y="49" + width="2514" + height="2192" + id="rect61" /> + <path + d="m 81,67 c 0,-6.6274 5.3726,-12 12,-12 h 2478 c 6.63,0 12,5.3726 12,12 v 2156 c 0,6.63 -5.37,12 -12,12 H 93 c -6.6275,0 -12,-5.37 -12,-12 z" + id="path62" /> + </mask> + <path + d="m 81,67 c 0,-6.6274 5.3726,-12 12,-12 h 2478 c 6.63,0 12,5.3726 12,12 v 2156 c 0,6.63 -5.37,12 -12,12 H 93 c -6.6275,0 -12,-5.37 -12,-12 z" + stroke="#000000" + stroke-width="12" + mask="url(#path-141-outside-1_498_2)" + id="path63" /> + </g> + <g + id="Group 136"> + <g + id="Group 140-6" + transform="translate(4.792992,-79.0014)" /> + <path + id="B_EX_pi_e" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 120.431,1303.49 9.456,-2.96 -9.456,-2.97 2.364,2.97 z" + stroke="#000000" + stroke-width="2.85342" /> + <path + id="R_EX_pi_e" + d="M 48.2529,1300.71 H 124" + stroke="#000000" + stroke-width="3.1496" /> + <text + id="text6312-1-5" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="137.438" + y="1306.55" + id="tspan65">Pi</tspan></text> + <path + id="B_H2Ot" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 60.9661,1174.04 -9.6484,2.96 9.6484,2.96 -2.4122,-2.96 z" + stroke="#000000" + stroke-width="2.32327" /> + <path + id="R_H2Ot" + d="M 119.716,1176.82 H 58.4062" + stroke="#000000" + stroke-width="2.28402" /> + <g + id="text5423-5-4-6"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text67"><tspan + x="137.548" + y="1182.55" + id="tspan66">H</tspan><tspan + x="154.742" + y="1182.55" + id="tspan67">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text68"><tspan + x="149.11" + y="1182.55" + id="tspan68">₂</tspan></text> + </g> + <path + id="F_H2Ot" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 118.376,1173.93 9.773,2.75 -9.695,3 2.395,-2.9 z" + stroke="#000000" + stroke-width="2.32759" /> + <g + id="Group 138"> + <path + id="F_PHLACHt" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 58.72,1205.25 -9.6484,2.96 9.6484,2.96 -2.4122,-2.96 z" + stroke="#000000" + stroke-width="2.32327" /> + <path + id="R_PHLACHt" + d="M 125.859,1208.03 H 57.8975" + stroke="#000000" + stroke-width="2.40473" /> + <text + id="text5423-5-4-6-0" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="137.59" + y="1213.55" + id="tspan69">H</tspan></text> + <path + id="B_PHLACHt" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 119.376,1205.15 9.773,2.74 -9.695,3.01 2.395,-2.91 z" + stroke="#000000" + stroke-width="2.32759" /> + </g> + <g + id="Group 139"> + <g + id="text11603-3-8-1"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text70"><tspan + x="135.692" + y="1244.55" + id="tspan70">CO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text71"><tspan + x="159.707" + y="1244.55" + id="tspan71">₂</tspan></text> + </g> + <path + id="R_CO2t" + d="M 120.145,1238.84 H 56.7097" + stroke="#000000" + stroke-width="2.32327" /> + <path + id="B_CO2t" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 121.994,1239.03 -2.412,2.96 9.648,-2.96 -9.648,-2.97 z" + stroke="#000000" + stroke-width="2.32327" /> + <path + id="F_CO2t" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 58.346,1236.08 -9.0307,2.58 9.0307,2.58 -2.2575,-2.58 z" + stroke="#000000" + stroke-width="2.09785" /> + </g> + </g> + <g + id="Group 119"> + <path + id="F_Transport_HC00576_c_e" + d="m 59.8086,1115.69 c -8.4453,-2.95 -8.4453,-2.95 -8.4453,-2.95 l 8.6328,-2.29 -2.2284,2.54 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_Transport_HC00576_c_e" + d="M 131.5,1112.95 H 58.3421" + stroke="#000000" + stroke-width="1.72627" /> + <text + id="text7967-0-3-6-2-7-4-34-4-71-2-2-8-1-2-7-8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="4.1953101" + y="1116.55" + id="tspan72">hcarn</tspan></text> + </g> + <g + id="Group 118"> + <path + id="F_Transport_4abut_c_e" + d="m 61.2493,1080.8 c -8.4453,-2.95 -8.4453,-2.95 -8.4453,-2.95 l 8.6325,-2.29 -2.2284,2.54 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_Transport_4abut_c_e" + d="M 132,1078.06 H 59.7835" + stroke="#000000" + stroke-width="1.72627" /> + <text + id="text7967-0-3-6-2-7-4-34-4-71-2-2-8-1-2-7-8-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="5.1484399" + y="1082.55" + id="tspan73">4abut</tspan></text> + </g> + <g + id="Group 120"> + <path + id="F_ANTHte" + d="m 59.2471,1149.53 c -8.4454,-2.95 -8.4453,-2.95 -8.4453,-2.95 l 8.6328,-2.28 -2.2287,2.53 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_ANTHte" + d="M 132,1146.8 H 57.7816" + stroke="#000000" + stroke-width="1.72627" /> + <text + id="text7967-0-3-6-2-7-4-34-4-71-2-2-8-1-2-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="14.1016" + y="1149.55" + id="tspan74">anth</tspan></text> + </g> + <g + id="creatine"> + <path + id="B_GLYAMDTRc" + d="M 379.344,1814 C 370,1812.09 370,1812.09 370,1812.09 l 9.203,-2.35 -2.248,2.18 z m 12.836,-13.37 c 3.192,-9.63 3.192,-9.63 3.192,-9.63 l 2.558,9.82 -2.796,-2.52 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.23952" /> + <path + d="m 374,1812.9 c 12.949,-3.62 21.246,4.68 21.246,4.68 m -0.283,4.43 c -1.657,7.16 -18.968,6.57 -18.968,6.57 m 18.976,-29.58 0.137,46.36" + stroke="#000000" + stroke-width="2.23952" + id="GLYAMDTRc" + inkscape:label="R_GLYAMDTRc" /> + <path + id="F_GLYAMDTRc" + d="M 378.344,1831.25 C 369,1829.34 369,1829.34 369,1829.34 l 9.203,-2.34 -2.248,2.18 z m 19.7,12.07 c -3.318,9.59 -3.318,9.59 -3.318,9.59 l -2.429,-9.85 2.762,2.56 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text7967-0-3-6-2-7-4-34-0-4-2-9-0-98-5-7-7-4" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="345.492" + y="1833.16" + id="tspan75">Orn</tspan></text> + <text + id="text7967-0-3-6-2-7-4-34-0-4-2-9-0-98-5-7-75-4" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + font-weight="bold" + letter-spacing="0em"><tspan + x="383.15799" + y="1867.16" + id="tspan76">Arg</tspan></text> + <g + id="text7967-0-3-65-1-2-4-9-6-3-3-1-3-8-54-0-8-3-3"> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text78"><tspan + x="355.38199" + y="1894.16" + id="tspan77">H</tspan><tspan + x="368.27802" + y="1894.16" + id="tspan78">O</tspan></text> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text79"><tspan + x="364.05399" + y="1894.16" + id="tspan79">₂</tspan></text> + </g> + <g + id="text7967-0-3-65-1-2-4-9-6-3-3-1-3-8-54-0-2-1-7"> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text80"><tspan + x="333.32401" + y="1901.16" + id="tspan80">NH</tspan></text> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text81"><tspan + x="350.668" + y="1901.16" + id="tspan81">₃</tspan></text> + </g> + <text + id="text7967-0-3-6-2-7-4-34-0-4-2-9-0-9-5-0-8-6" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + font-weight="bold" + letter-spacing="0em"><tspan + x="305.49399" + y="1867.16" + id="tspan82">Ci</tspan></text> + <text + id="text5873" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="348.49399" + y="1815.16" + id="tspan83">Gly</tspan></text> + <g + id="g2" + inkscape:label="GACMTRc"> + <text + id="text5428" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="341.16" + y="1734.85" + id="tspan87">SAH</tspan></text> + <path + id="F_GACMTRc" + d="m 398.353,1716.59 c -3.404,-9.56 -3.404,-9.56 -3.404,-9.56 l -2.34,9.88 2.739,-2.59 z m -19.592,12.24 c -9.327,2 -9.327,2 -9.327,2 l 9.224,2.26 -2.267,-2.16 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.23952" /> + <path + d="m 395.845,1760.82 -0.275,-46.36 m 0.062,23.35 c -1.721,-7.15 -19.026,-6.4 -19.026,-6.4 m -1.855,15.7 c 12.98,3.5 21.204,-4.88 21.204,-4.88" + stroke="#000000" + stroke-width="2.30969" + id="R_GACMTRc" + inkscape:label="R_GACMTRc" /> + <path + id="B_GACMTRc" + d="m 379.969,1745.95 c -9.327,1.99 -9.327,1.99 -9.327,1.99 l 9.224,2.27 -2.268,-2.17 z m 13.455,13.24 c 3.277,9.61 3.277,9.61 3.277,9.61 l 2.47,-9.85 -2.773,2.55 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.23952" + inkscape:label="B_GACMTRc" /> + <text + id="text5420" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="361.461" + y="1699.55" + id="tspan85">Creatine</tspan></text> + <text + id="text5424" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="340.49799" + y="1752.85" + id="tspan86">SAM</tspan></text> + <text + id="text5877" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + font-weight="bold" + letter-spacing="0em"><tspan + x="387.67999" + y="1784.16" + id="tspan84">GA</tspan></text> + </g> + <g + id="Group 137" + inkscape:label="CKc_cho"> + <path + id="F_CKc_cho" + d="m 347.436,1699.13 c 9.563,-3.41 9.563,-3.41 9.563,-3.41 l -9.877,-2.34 2.587,2.74 z m 3.943,-13.53 c -1.994,-9.32 -1.994,-9.32 -1.994,-9.32 l -2.263,9.22 2.162,-2.27 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_CKc_cho" + d="m 314,1696.35 35.572,-0.01 m 0,-12.34 c 0,0 0,12.34 -17.786,12.34 0,0 -17.786,0.01 -17.786,-12.34" + stroke="#000000" + stroke-width="2.30969" /> + <path + id="B_CKc_cho" + d="m 315.837,1693.82 c -9.607,3.27 -9.607,3.27 -9.607,3.27 l 9.845,2.47 -2.551,-2.77 z m 0.238,-8.82 c -1.994,-9.33 -1.994,-9.33 -1.994,-9.33 l -2.262,9.23 2.161,-2.27 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <text + id="text5438" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="231.125" + y="1699.55" + id="tspan88">CreatineP</tspan></text> + <text + id="text5442" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="338.27301" + y="1673.16" + id="tspan89">ATP</tspan></text> + <text + id="text5446" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="302.16" + y="1673.16" + id="tspan90">ADP</tspan></text> + <path + id="R_CRTNsyn_cho" + d="m 228,1681 c 0,14.5 -20.25,14.5 -20.25,14.5 -20.25,0 -20.25,-14.5 -20.25,-14.5 m 40.5,14.5 h -40.5" + stroke="#000000" + stroke-width="2.30969" /> + <path + id="F_CRTNsyn_cho" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 185.672,1682.86 c 1.828,-9.36 1.828,-9.36 1.828,-9.36 l 2.426,9.18 -2.201,-2.23 z m 3.178,15.33 c -9.621,-3.23 -9.621,-3.23 -9.621,-3.23 l 9.833,-2.52 -2.538,2.78 z" + stroke="#000000" + stroke-width="2.30969" /> + <text + id="text5458" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="96.343597" + y="1699.55" + id="tspan91">Creatinine</tspan></text> + <g + id="text5464"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text92"><tspan + x="224.062" + y="1679.16" + id="tspan92">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text93"><tspan + x="232.733" + y="1679.16" + id="tspan93">⁺</tspan></text> + </g> + <text + id="text5468" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="181.162" + y="1670.16" + id="tspan94">Pi</tspan></text> + <path + id="F_ARGDr" + d="m 332.592,1860 c -9.592,3.32 -9.592,3.32 -9.592,3.32 l 9.855,2.43 -2.562,-2.77 z m 12.066,19.7 c 1.911,9.34 1.911,9.34 1.911,9.34 l 2.345,-9.2 -2.182,2.25 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.23952" /> + <path + d="m 345.896,1884.25 c -3.613,-12.95 4.687,-21.25 4.687,-21.25 m 4.425,0.28 c 7.164,1.66 6.571,18.97 6.571,18.97 M 332,1863.27 l 46.363,-0.13" + stroke="#000000" + stroke-width="2.30969" + id="R_ARGDr" + inkscape:label="R_ARGDr" /> + <path + id="R_CRTNtr" + d="M 55.9997,1694.23 H 93.9998" + stroke="#000000" + stroke-width="2.49462" /> + <path + id="F_CRTNtr" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 55.2892,1693.93 3.0311,2.98 -12.296,-3.06 12.4107,-2.85 z" + stroke="#000000" + stroke-width="2.62587" /> + <path + id="R_GUDACtr2" + d="M 57,1780.5 H 381.5" + stroke="#000000" + stroke-width="2.53856" /> + <path + id="F_GUDACtr2" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 58.2887,1780.93 3.0231,2.98 -12.2874,-3.05 12.4178,-2.86 z" + stroke="#000000" + stroke-width="2.62587" /> + </g> + <g + id="Group 129"> + <g + id="g1" + inkscape:label="5mthfT"> + <path + id="F_5MTHFt" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 46.5951,2168.93 3.1302,2.98 -12.7009,-3.05 12.8212,-2.86 z" + stroke="#000000" + stroke-width="2.66885" /> + <path + id="R_5MTHFt" + d="M 42,2168.67 H 93.0001" + stroke="#000000" + stroke-width="2.56051" /> + </g> + <g + id="DHFR" + inkscape:label="DHFR"> + <text + id="text7967-0-3-6-2-7-4-34-0-5-2" + transform="translate(269,1954)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.160156" + y="11.1602" + id="tspan95">DHF</tspan></text> + <path + id="B_DHFR" + d="m 315.351,1950.95 c -2.174,-5 -2.174,-5 -2.174,-5 l -2.24,5.64 2.24,-2.19 z m -7.895,5.64 c -8.437,2.97 -8.437,2.97 -8.437,2.97 l 8.639,2.27 -2.235,-2.53 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.23952" /> + <path + d="m 393.851,1959.62 c 0,0 -15.666,0 -22.5,0 m -65.851,0 c 0,0 12.339,0 19,0 m 46.851,0 c 17.5,0 17.5,-9.67 17.5,-9.67 m -17.5,9.67 c -4.741,0 5.426,0 0,0 z m 0,0 c -15.5,0 -15.5,-9.67 -15.5,-9.67 m 15.5,9.67 c -10.071,0 -39.315,0 -46.851,0 m 0,0 c -11.09,0 -11.09,-9.67 -11.09,-9.67" + stroke="#000000" + stroke-width="2.23952" + id="R_DHFR" + inkscape:label="R_DHFR" /> + <path + id="F_DHFR" + d="m 390.77,1951.41 c -1.667,-9.39 -1.667,-9.39 -1.667,-9.39 l -2.583,9.14 2.24,-2.19 z m 1.119,11.45 c 9.807,-2.62 9.807,-2.62 9.807,-2.62 l -9.655,-3.13 2.357,2.94 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.23952" /> + <g + id="text7967-0-3-65-5-3-5-8-9-7-6-6-6"> + <text + transform="translate(374,1928)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text97"><tspan + x="0.221874" + y="11.1602" + id="tspan97">NADP</tspan></text> + <text + transform="translate(374,1928)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text98"><tspan + x="33.573399" + y="11.1602" + id="tspan98">⁺</tspan></text> + </g> + <g + id="text7967-0-3-65-1-2-4-9-6-3-3-1-0"> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text99"><tspan + x="352.06201" + y="1943.16" + id="tspan99">H</tspan></text> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text100"><tspan + x="360.733" + y="1943.16" + id="tspan100">⁺</tspan></text> + </g> + <text + id="text7967-0-3-65-1-2-4-9-6-3-3-1-0_2" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="294.48801" + y="1943.16" + id="tspan101">NADPH</tspan></text> + </g> + <g + id="Group 128" + inkscape:label="FOLR2"> + <text + id="text7967-0-3-6-2-7-4-34-0-5-2_2" + transform="translate(121,1953)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.31640601" + y="11.1602" + id="tspan102">Folate</tspan></text> + <path + id="B_FOLR2" + d="m 177.351,1950.95 c -2.174,-5 -2.174,-5 -2.174,-5 l -2.24,5.64 2.24,-2.19 z m -7.895,5.64 c -8.437,2.97 -8.437,2.97 -8.437,2.97 l 8.639,2.27 -2.235,-2.53 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.23952" /> + <path + d="m 255.851,1959.62 c 0,0 -15.666,0 -22.5,0 m -65.851,0 c 0,0 12.339,0 19,0 m 46.851,0 c 17.5,0 17.5,-9.67 17.5,-9.67 m -17.5,9.67 c -4.741,0 5.426,0 0,0 z m 0,0 c -15.5,0 -15.5,-9.67 -15.5,-9.67 m 15.5,9.67 c -10.071,0 -39.315,0 -46.851,0 m 0,0 c -11.09,0 -11.09,-9.67 -11.09,-9.67" + stroke="#000000" + stroke-width="2.23952" + id="R_FOLR2" + inkscape:label="R_FOLR2" /> + <path + id="F_FOLR2" + d="m 252.77,1951.41 c -1.667,-9.39 -1.667,-9.39 -1.667,-9.39 l -2.583,9.14 2.24,-2.19 z m 1.119,11.45 c 9.807,-2.62 9.807,-2.62 9.807,-2.62 l -9.655,-3.13 2.357,2.94 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.23952" /> + <g + id="text7967-0-3-65-5-3-5-8-9-7-6-6-6_2"> + <text + transform="translate(236,1928)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text103"><tspan + x="0.221874" + y="11.1602" + id="tspan103">NADP</tspan></text> + <text + transform="translate(236,1928)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text104"><tspan + x="33.573399" + y="11.1602" + id="tspan104">⁺</tspan></text> + </g> + <g + id="text7967-0-3-65-1-2-4-9-6-3-3-1-0_3"> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text105"><tspan + x="214.062" + y="1943.16" + id="tspan105">H</tspan></text> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text106"><tspan + x="222.733" + y="1943.16" + id="tspan106">⁺</tspan></text> + </g> + <text + id="text7967-0-3-65-1-2-4-9-6-3-3-1-0_4" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="156.48801" + y="1943.16" + id="tspan107">NADPH</tspan></text> + </g> + <text + id="text3132" + transform="matrix(1,0,0.00300544,0.999995,380,2085)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.296875" + y="11.1602" + id="tspan108">10formylTHF</tspan></text> + <g + id="Group 121"> + <g + id="text7967-0-3-65-5-3-5-8-9-7-6-6-6-1-3"> + <text + transform="translate(439,2109)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text109"><tspan + x="0.0617189" + y="11.1602" + id="tspan109">H</tspan></text> + <text + transform="translate(439,2109)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text110"><tspan + x="8.7335901" + y="11.1602" + id="tspan110">⁺</tspan></text> + </g> + <g + id="text7967-0-3-65-1-2-4-9-6-3-3-1-0-5-5"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text112"><tspan + x="439.72" + y="2148.1599" + id="tspan111">H</tspan><tspan + x="452.616" + y="2148.1599" + id="tspan112">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text113"><tspan + x="448.392" + y="2148.1599" + id="tspan113">₂</tspan></text> + </g> + <path + id="F_MTHFC" + d="m 412.28,2148.69 2.618,9.81 3.133,-9.65 -2.94,2.35 z m 16.88,-2.94 9.391,-1.66 -9.139,-2.59 2.19,2.24 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_MTHFC" + d="m 430.268,2143.5 c 0,0 -15.178,0 -15.052,-17.5 0,0 0.07,-9.65 15.052,-9.65 m -15.051,35.15 -10e-4,-45" + stroke="#000000" + stroke-width="2.4584" /> + <path + id="B_MTHFC" + d="m 427.114,2117.5 c 9.391,-1.67 9.391,-1.67 9.391,-1.67 l -9.139,-2.58 2.191,2.24 z m -9.38,-9.2 c -2.97,-8.44 -2.97,-8.44 -2.97,-8.44 l -2.264,8.64 2.529,-2.24 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <g + id="Group 126"> + <g + id="text7967-0-3-65-5-3-5-8-9-7-6-6-6-1-4"> + <text + transform="translate(380,2046)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text115"><tspan + x="0.38223499" + y="11.1602" + id="tspan114">H</tspan><tspan + x="13.2779" + y="11.1602" + id="tspan115">O</tspan></text> + <text + transform="translate(380,2046)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text116"><tspan + x="9.0541096" + y="11.1602" + id="tspan116">₂</tspan></text> + </g> + <g + id="text7967-0-3-65-5-3-5-8-9-7-6-6-6-1-4_2"> + <text + transform="translate(366,2067)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text117"><tspan + x="0.221874" + y="11.1602" + id="tspan117">NADP</tspan></text> + <text + transform="translate(366,2067)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text118"><tspan + x="33.573399" + y="11.1602" + id="tspan118">⁺</tspan></text> + </g> + <text + id="NADPH" + transform="translate(354,2022)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.48828101" + y="11.1602" + id="tspan119">NADPH</tspan></text> + <g + id="CO2"> + <text + transform="translate(378,1975)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text120"><tspan + x="0.49023399" + y="11.1602" + id="tspan120">CO</tspan></text> + <text + transform="translate(378,1975)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text121"><tspan + x="18.502001" + y="11.1602" + id="tspan121">₂</tspan></text> + </g> + <g + id="H+"> + <text + transform="translate(384,1994)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text122"><tspan + x="0.0617189" + y="11.1602" + id="tspan122">H</tspan></text> + <text + transform="translate(384,1994)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text123"><tspan + x="8.7335901" + y="11.1602" + id="tspan123">⁺</tspan></text> + </g> + <text + id="text7967-0-3-0-0-89-1-3" + transform="translate(442,1995)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.146484" + y="11.1602" + id="tspan124">Formate</tspan></text> + <text + id="text3126" + transform="translate(406,1953)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.328125" + y="11.1602" + id="tspan125">THF</tspan></text> + <text + id="text3144" + transform="translate(442,2047)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.162109" + y="11.1602" + id="tspan126">Pi</tspan></text> + <text + id="text3144_2" + transform="translate(440,2067)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.160156" + y="11.1602" + id="tspan127">ADP</tspan></text> + <path + id="F_FTHFLi" + d="m 429.5,2074.5 c 9.36,-1.83 9.36,-1.83 9.36,-1.83 L 432,2069.5 Z m -12.291,0 c 2.791,9.76 2.791,9.76 2.791,9.76 l 2.961,-9.71 -2.897,2.41 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.23952" /> + <path + d="m 420.147,2042.81 c -0.035,9.62 11.442,9.59 11.442,9.59 m -11.442,-9.59 c 0,0 -0.037,10.31 -0.067,18.52 m 0.067,-18.52 c 0.03,-8.55 11.508,-8.58 11.508,-8.58 m -11.508,8.58 c 0.03,-8.55 0.07,-19.67 0.101,-28.14 m -0.224,62.33 c 0,0 0.025,-6.83 0.056,-15.67 m 0.333,-92.96 c 0,0 -0.135,37.75 -0.165,46.3 m 10.77,57.67 c 0,0 -10.977,0.03 -10.938,-11.01 m 11.188,-58.8 c 0,0 -10.977,0.03 -11.02,12.14" + stroke="#000000" + stroke-width="2.45082" + id="R_FTHFLi" + inkscape:label="R_FTHFLi" /> + <path + id="B_FTHFLi" + d="m 430.862,2036 5.5,-3.5 -5.5,-2 0.5,2 z m -0.046,-31.5 5.5,-2.72 -7.184,-2.2 2.23,2.2 z m -7.216,-27.51 c -3.12,-8.39 -3.12,-8.39 -3.12,-8.39 l -2.11,8.68 2.489,-2.28 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text3180" + transform="translate(440,2025)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.27343801" + y="11.1602" + id="tspan128">ATP</tspan></text> + <path + d="m 413.46,2084.09 c 0,0 0.042,-13.73 0.046,-20.09 m 0.028,-90.54 c 0,0 -0.007,11.07 -0.012,18.16 m 0,0 c 0.007,-10.69 -9.527,-10.68 -9.527,-10.68 m 9.527,10.68 c -0.005,7.28 -0.01,15.39 -0.016,23.7 m 0,48.68 c -0.007,10.22 -9.526,10 -9.526,10 m 9.526,-10 c 0.005,-7.12 -0.027,-7.51 -0.02,-18.95 m 0.02,-29.73 c 0.008,-12.08 -9.526,-12.08 -9.526,-12.08 m 9.526,12.08 c -0.006,9.99 -0.013,20.27 -0.02,29.73 m 0,0 c -0.006,9.47 -9.506,7.95 -9.506,7.95 m 9.506,-7.95 c 0.009,-13.47 -9.525,-13.46 -9.525,-13.46" + stroke="#000000" + stroke-width="2.23952" + id="R_FTHFDH" + inkscape:label="R_FTHFDH" /> + <path + id="F_FTHFDH" + d="m 406.394,1982.75 -4.891,-2.01 4.639,-2.24 -2.191,2.24 z m 4.248,-5.29 c 2.97,-8.44 2.97,-8.44 2.97,-8.44 l 2.264,8.64 -2.528,-2.24 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <path + id="B_r0963" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 105.085,1962.98 9.736,-2.98 -9.756,-2.91 2.447,2.93 z" + stroke="#000000" + stroke-width="2.32759" /> + <path + id="R_r0963" + d="M 42.9999,1960.35 H 105.446" + stroke="#000000" + stroke-width="2.4774" /> + <text + id="text3184" + transform="translate(386,2162)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.30078101" + y="11.1602" + id="tspan130">5,10mTHF</tspan></text> + <text + id="text3188" + transform="translate(243,2162)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.46093801" + y="11.1602" + id="tspan131">5,10meTHF</tspan></text> + <g + id="Group 123"> + <path + id="R_MTHFD2i" + d="m 321,2151 c 0,0 0,14.78 26.031,14.78 0,0 23.969,0 23.969,-14.78 m 5,14.78 h -57.938" + stroke="#000000" + stroke-width="2.45082" /> + <path + id="F_MTHFD2i" + d="m 320.457,2168.73 c -8.437,-2.97 -8.437,-2.97 -8.437,-2.97 l 8.639,-2.26 -2.236,2.53 z m -0.811,-17.23 1.354,-5 1.646,5 -1.646,-0.51 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="B_MTHFD2i" + d="m 369.324,2151.6 1.176,-4.5 1.824,4.5 -1.824,-0.89 z m 2.681,11.82 c 9.807,2.62 9.807,2.62 9.807,2.62 l -9.654,3.13 2.357,-2.94 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text2692" + transform="translate(352,2131)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.49023399" + y="11.1602" + id="tspan132">NADH</tspan></text> + <g + id="text2696"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text133"><tspan + x="308.224" + y="2142.1599" + id="tspan133">NAD</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text134"><tspan + x="333.57101" + y="2142.1599" + id="tspan134">⁺</tspan></text> + </g> + </g> + <g + id="Group 124"> + <path + id="R_MTHFD" + d="m 321,2187.2 c 0,0 0,-14.78 26.031,-14.78 0,0 23.969,0 23.969,14.78 m 5,-14.78 h -57.938" + stroke="#000000" + stroke-width="2.45082" /> + <path + id="F_MTHFD" + d="m 320.457,2169.46 c -8.437,2.97 -8.437,2.97 -8.437,2.97 l 8.639,2.27 -2.236,-2.53 z m -0.811,17.24 1.354,5 1.646,-5 -1.646,0.5 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="B_MTHFD" + d="m 369.324,2186.59 1.176,4.5 1.824,-4.5 -1.824,0.9 z m 2.681,-11.82 c 9.807,-2.61 9.807,-2.61 9.807,-2.61 l -9.654,-3.14 2.357,2.94 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text2692_2" + transform="translate(351,2195)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.48828101" + y="11.1602" + id="tspan135">NADPH</tspan></text> + <g + id="text2696_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text136"><tspan + x="301.22198" + y="2206.1599" + id="tspan136">NADP</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text137"><tspan + x="334.573" + y="2206.1599" + id="tspan137">⁺</tspan></text> + </g> + </g> + <g + id="Group 122"> + <path + id="F_FTCD" + d="m 471.411,2178.68 -2.411,6.82 -2.129,-6.92 2.235,1.76 z M 458,2171.5 l -6.5,-2.23 7,-1.27 -1.178,1.27 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_FTCD" + d="m 469.5,2179.5 c -2.473,-10.89 9.5,-10.25 9.5,-10.25 m 16.931,-0.09 c 6.463,2.02 4.642,17.27 4.642,17.27 m 5.744,-17.18 H 457" + stroke="#000000" + stroke-width="1.48337" /> + <text + id="text7967-0-3-1-9-5-4-8-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="491.73499" + y="2197.1599" + id="tspan138">2 H</tspan></text> + <g + id="text7967-0-3-1-9-5-4-8-1-1"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text139"><tspan + x="460.32401" + y="2200.1599" + id="tspan139">NH</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text140"><tspan + x="477.668" + y="2200.1599" + id="tspan140">₃</tspan></text> + </g> + <text + id="text7967-0-3-65-1-3-2-5-0-5-4-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + font-weight="bold" + letter-spacing="0em"><tspan + x="509.492" + y="2173.1599" + id="tspan141">5forthf</tspan></text> + </g> + <g + id="Group 125"> + <path + id="F_MTHFR3" + d="m 157.001,2159.44 c 1.375,-9.44 1.375,-9.44 1.375,-9.44 l 2.865,9.05 -2.306,-2.12 z m -4.606,10.98 c -9.41,-1.56 -9.41,-1.56 -9.41,-1.56 l 9.109,-2.69 -2.165,2.27 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text7967-0-3-65-1-3-2-5-0-5-4-3-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="218.48801" + y="2156.1599" + id="tspan142">NADPH</tspan></text> + <g + id="text7967-0-3-65-1-3-2-5-0-5-4-3-6_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text143"><tspan + x="182.15401" + y="2156.1599" + id="tspan143">2 </tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text144"><tspan + x="192.174" + y="2156.1599" + id="tspan144">H</tspan></text> + </g> + <text + id="text7967-0-3-65-1-3-2-5-0-5-4-3-67" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="143.32401" + y="2147.1599" + id="tspan145">NADP</tspan></text> + <path + id="R_MTHFR3" + d="m 240,2168.5 c 0,0 -46.341,0 -64.5,0 m -27,0 c 0,0 16.456,0 27,0 m 51,0 c 0,0 13.5,0 13.5,-11 m -49.5,0 c 0,0 0,11 -15,11 m 0,0 c -16.5,0 -16.5,-11 -16.5,-11" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text7967-0-3-65-1-3-2-5-0-5-4-3-0" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + font-weight="bold" + letter-spacing="0em"><tspan + x="98.150299" + y="2173.1599" + id="tspan146">5mTHF</tspan></text> + </g> + </g> + <g + id="path_aa_synthesis"> + <path + id="Rectangle 3" + d="M 1485,787 V 509 c 0,-6.627 -5.37,-12 -12,-12 H 1371.05 377 c -6.627,0 -12,5.373 -12,12 v 278 c 0,6.627 5.373,12 12,12 h 1096 c 6.63,0 12,-5.373 12,-12 z" + fill="#25ca25" + fill-opacity="0.1" /> + <path + id="Rectangle 2" + d="M 742.5,484 H 1461 c 6.63,0 12,5.373 12,12 v 278.5 c 0,6.627 -5.37,12 -12,12 H 365 c -6.627,0 -12,-5.373 -12,-12 V 496 c 0,-6.627 5.373,-12 12,-12 h 7.998" + stroke="#25cb25" + stroke-width="4" + stroke-linecap="round" /> + <text + id="Title" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="20px" + font-weight="bold" + letter-spacing="0em"><tspan + x="382" + y="490.43399" + id="tspan147">Amino acids synthesis / degradation</tspan></text> + <circle + id="Ellipse 1" + cx="742" + cy="484" + r="6" + fill="#25ca25" /> + </g> + <g + id="path_pentose_phosphate" + inkscape:label="path_pentose_phosphate"> + <path + id="Rectangle 3_2" + d="M 878,438 V 183 c 0,-6.627 -5.373,-12 -12,-12 H 825.5 374 c -6.627,0 -12,5.373 -12,12 v 255 c 0,6.627 5.373,12 12,12 h 492 c 6.627,0 12,-5.373 12,-12 z" + fill="#841bd7" + fill-opacity="0.1" /> + <path + id="Rectangle 2_2" + d="m 662,158 h 192 c 6.627,0 12,5.373 12,12 v 256 c 0,6.627 -5.373,12 -12,12 H 362 c -6.627,0 -12,-5.373 -12,-12 V 170 c 0,-6.627 5.373,-12 12,-12 h 8.5" + stroke="#841bd7" + stroke-width="4" + stroke-linecap="round" /> + <text + id="Title_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="20px" + font-weight="bold" + letter-spacing="0em"><tspan + x="379" + y="164.43401" + id="tspan148">Pentose Phosphate pathway</tspan></text> + <circle + id="Ellipse 1_2" + cx="662" + cy="158" + r="6" + fill="#841bd7" /> + </g> + <g + id="path_nucleotide_synthesis" + transform="translate(8.5773444,21.316261)"> + <path + id="Rectangle 3_3" + d="M 1775,449 V 118 c 0,-6.627 -5.37,-12 -12,-12 H 1686.18 914 c -6.627,0 -12,5.373 -12,12 v 331 c 0,6.627 5.373,12 12,12 h 849 c 6.63,0 12,-5.373 12,-12 z" + fill="#29bc90" + fill-opacity="0.1" /> + <path + id="Rectangle 2_3" + d="m 1133,93 h 617.5 c 6.63,0 12,5.3726 12,12 v 332 c 0,6.627 -5.37,12 -12,12 H 902 c -6.627,0 -12,-5.373 -12,-12 V 105 c 0,-6.6274 5.373,-12 12,-12 h 8.5" + stroke="#29bc90" + stroke-width="4" + stroke-linecap="round" /> + <text + id="Title_3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="20px" + font-weight="bold" + letter-spacing="0em"><tspan + x="919" + y="99.433601" + id="tspan149">Nucleotide synthesis</tspan></text> + <circle + id="Ellipse 1_3" + cx="1130" + cy="93" + r="6" + fill="#29bc90" /> + </g> + <g + id="path_cholesterol_synthesis"> + <path + id="Rectangle 3_4" + d="M 2370,976 V 730 c 0,-6.627 -5.37,-12 -12,-12 H 2282.6 1523 c -6.63,0 -12,5.373 -12,12 v 246 c 0,6.627 5.37,12 12,12 h 835 c 6.63,0 12,-5.373 12,-12 z" + fill="#cbe048" + fill-opacity="0.1" /> + <path + id="Rectangle 2_4" + d="m 1870,705 h 475.5 c 6.63,0 12,5.373 12,12 v 246.5 c 0,6.627 -5.37,12 -12,12 H 1511 c -6.63,0 -12,-5.373 -12,-12 V 717 c 0,-6.627 5.37,-12 12,-12 h 8.5" + stroke="#cbe048" + stroke-width="4" + stroke-linecap="round" /> + <text + id="Title_4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="20px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1528" + y="711.43402" + id="tspan150">Fatty acids / Cholesterol synthesis</tspan></text> + <circle + id="Ellipse 1_4" + cx="1869" + cy="705" + r="6" + fill="#cbe048" /> + </g> + <g + id="path_urea_cycle"> + <path + id="Rectangle 3_5" + d="M 1850,669 V 510 c 0,-6.627 -5.37,-12 -12,-12 H 1815.51 1523 c -6.63,0 -12,5.373 -12,12 v 159 c 0,6.627 5.37,12 12,12 h 315 c 6.63,0 12,-5.373 12,-12 z" + fill="#c19c91" + fill-opacity="0.1" /> + <path + id="Rectangle 2_5" + d="M 1640.5,485 H 1826 c 6.63,0 12,5.373 12,12 v 160 c 0,6.627 -5.37,12 -12,12 h -315 c -6.63,0 -12,-5.373 -12,-12 V 497 c 0,-6.627 5.37,-12 12,-12 h 8.5" + stroke="#c19c91" + stroke-width="4" + stroke-linecap="round" /> + <text + id="Title_5" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="20px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1528" + y="491.43399" + id="tspan151">Urea cycle</tspan></text> + <circle + id="Ellipse 1_5" + cx="1640" + cy="485" + r="6" + fill="#c19c91" /> + </g> + <g + id="path_ammonia"> + <path + id="Rectangle 3_6" + d="m 1858,1185 v -63 c 0,-6.63 -5.37,-12 -12,-12 H 1819.24 1489 c -6.63,0 -12,5.37 -12,12 v 63 c 0,6.63 5.37,12 12,12 h 357 c 6.63,0 12,-5.37 12,-12 z" + fill="#c19c91" + fill-opacity="0.1" /> + <path + id="Rectangle 2_6" + d="m 1660,1097 h 174 c 6.63,0 12,5.37 12,12 v 63.5 c 0,6.63 -5.37,12 -12,12 h -357 c -6.63,0 -12,-5.37 -12,-12 V 1109 c 0,-6.63 5.37,-12 12,-12 h 12.5" + stroke="#c19c91" + stroke-width="4" + stroke-linecap="round" /> + <text + id="Title_6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="20px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1497" + y="1103.4301" + id="tspan152">Ammonia detox </tspan></text> + <circle + id="Ellipse 1_6" + cx="1659" + cy="1097" + r="6" + fill="#c19c91" /> + </g> + <g + id="path_biomass"> + <path + id="Rectangle 3_7" + d="m 2559,1579 v -542 c 0,-6.63 -5.37,-12 -12,-12 H 2503.35 2024 c -6.63,0 -12,5.37 -12,12 v 542 c 0,6.63 5.37,12 12,12 h 523 c 6.63,0 12,-5.37 12,-12 z" + fill="#f018ce" + fill-opacity="0.1" /> + <path + id="Rectangle 2_7" + d="m 2125,1012 h 410 c 6.63,0 12,5.37 12,12 v 543 c 0,6.63 -5.37,12 -12,12 h -523 c -6.63,0 -12,-5.37 -12,-12 v -543 c 0,-6.63 5.37,-12 12,-12 h 8.5" + stroke="#f018ce" + stroke-width="4" + stroke-linecap="round" /> + <text + id="Title_7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="20px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2029" + y="1018.43" + id="tspan153">Biomass</tspan></text> + <circle + id="Ellipse 1_7" + cx="2123" + cy="1012" + r="6" + fill="#f018ce" /> + </g> + <g + id="path_fattyacids_betaox"> + <path + id="Rectangle 3_8" + d="m 1859,1846 v -84 c 0,-6.63 -5.37,-12 -12,-12 H 1804.06 1331 c -6.63,0 -12,5.37 -12,12 v 84 c 0,6.63 5.37,12 12,12 h 516 c 6.63,0 12,-5.37 12,-12 z" + fill="#cbe048" + fill-opacity="0.1" /> + <path + id="Rectangle 2_8" + d="m 1564,1737 h 271 c 6.63,0 12,5.37 12,12 v 84.5 c 0,6.63 -5.37,12 -12,12 h -516 c -6.63,0 -12,-5.37 -12,-12 V 1749 c 0,-6.63 5.37,-12 12,-12 h 8.5" + stroke="#cbe048" + stroke-width="4" + stroke-linecap="round" /> + <text + id="Title_8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="20px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1336" + y="1743.4301" + id="tspan154">Fatty acids β-oxidation </tspan></text> + <circle + id="Ellipse 1_8" + cx="1564" + cy="1737" + r="6" + fill="#cbe048" /> + </g> + <g + id="path_glutathione"> + <path + id="Rectangle 3_9" + d="m 2571,2212 v -108 c 0,-6.63 -5.37,-12 -12,-12 H 2522.77 2109 c -6.63,0 -12,5.37 -12,12 v 108 c 0,6.63 5.37,12 12,12 h 450 c 6.63,0 12,-5.37 12,-12 z" + fill="#aeaeae" + fill-opacity="0.1" /> + <path + id="Rectangle 2_9" + d="m 2330.5,2079 h 216 c 6.63,0 12,5.37 12,12 v 109 c 0,6.63 -5.37,12 -12,12 H 2097 c -6.63,0 -12,-5.37 -12,-12 v -109 c 0,-6.63 5.37,-12 12,-12 h 8.5" + stroke="#aeaeae" + stroke-width="4" + stroke-linecap="round" /> + <text + id="Title_9" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="20px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2114" + y="2085.4299" + id="tspan155">Glutathione synthesis</tspan></text> + <circle + id="Ellipse 1_9" + cx="2334" + cy="2079" + r="6" + fill="#aeaeae" /> + </g> + <g + id="path_glycolysis"> + <path + id="Rectangle 3_10" + d="M 326,1037 H 129 c -6.627,0 -12,-5.37 -12,-12 V 940.241 98 c 0,-6.6274 5.373,-12 12,-12 h 197 c 6.627,0 12,5.3726 12,12 v 927 c 0,6.63 -5.373,12 -12,12 z" + fill="#da8f38" + fill-opacity="0.1" /> + <path + id="Rectangle 2_10" + d="M 104,398.5 V 1013 c 0,6.63 5.373,12 12,12 h 197 c 6.627,0 12,-5.37 12,-12 V 86 c 0,-6.6274 -5.373,-12 -12,-12 H 116 c -6.627,0 -12,5.3726 -12,12 v 8.5" + stroke="#da8f38" + stroke-width="4" + stroke-linecap="round" /> + <text + id="Title_10" + transform="rotate(90,6,109)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="20px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0" + y="18.433599" + id="tspan156">Glycolysis / Gluconeogenesis</tspan></text> + <circle + id="Ellipse 1_10" + cx="6" + cy="6" + r="6" + transform="matrix(0,1,1,0,98,392)" + fill="#da8f38" /> + </g> + <g + id="Group 84"> + <text + id="text7967-0-3-6-2-7-4-34-4-5" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="708.039" + y="759.547" + id="tspan157">Ala</tspan></text> + <text + id="text7967-0-3-65-1-3-2-82-8-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="12px" + letter-spacing="0em"><tspan + x="639.27698" + y="821.86401" + id="tspan158">AKG</tspan></text> + <text + id="text7967-0-3-65-1-3-2-5-0-5-4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="12px" + letter-spacing="0em"><tspan + x="613.13098" + y="828.86401" + id="tspan159">Glu</tspan></text> + <path + id="F_ALATA_L" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 655,831.5 -4.5,-5 -3,5 3.296,-2.868 z m 68.492,-58.067 -3.492,-7.234 -2.261,7.234 2.877,-2.433 1.438,1.217 z" + stroke="#000000" + stroke-width="2.32759" /> + <path + id="R_ALATA_L" + d="m 624.5,837.591 c 0,0 3,15.012 18,9.72 15,-5.291 8,-18.22 8,-18.22 M 292.5,967 l 233,-81 c 0,0 0,-10.481 13,-15.5 15,-5.791 21,3.5 21,3.5 l 160.161,-51.5 v -54" + stroke="#000000" + stroke-width="2.22" /> + <path + id="B_ALATA_L" + d="m 626,838 -2.5,-3.5 v 5 l 1.296,-1.868 z m -332.5,126.501 -7.5,5.5 9,-1 -3,-1 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <g + id="Group 135"> + <text + id="text3860-8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2112.3799" + y="2139.55" + id="tspan160">GSSG</tspan></text> + <g + id="Group 130"> + <text + id="text7967-0-3-9-1-8-0-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2267.1599" + y="2138.55" + id="tspan161">GSH</tspan></text> + <path + id="F_GTHPi" + d="m 2172.55,2133.74 c -9.67,-3.1 -9.67,-3.1 -9.67,-3.1 l 9.8,-2.65 -2.5,2.82 z m 9.08,-11.56 c 2.85,-6.57 2.85,-6.57 2.85,-6.57 l 2.67,6.61 -2.74,-1.67 z" + stroke="#000000" + stroke-width="1.90098" /> + <g + id="text3878-1"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text162"><tspan + x="2191.0601" + y="2154.1599" + id="tspan162">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text163"><tspan + x="2199.73" + y="2154.1599" + id="tspan163">⁺</tspan></text> + </g> + <text + id="text3878-1_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2147.49" + y="2154.1599" + id="tspan164">NADH</tspan></text> + <g + id="text3882-4"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text165"><tspan + x="2207.22" + y="2160.1599" + id="tspan165">NAD</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text166"><tspan + x="2232.5701" + y="2160.1599" + id="tspan166">⁺</tspan></text> + </g> + <g + id="text3902-2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text168"><tspan + x="2211.3799" + y="2117.1599" + id="tspan167">H</tspan><tspan + x="2224.27" + y="2117.1599" + id="tspan168">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text170"><tspan + x="2220.05" + y="2117.1599" + id="tspan169">₂</tspan><tspan + x="2233.6101" + y="2117.1599" + id="tspan170">₂</tspan></text> + </g> + <text + id="text3910-9" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2243.49" + y="2117.1599" + id="tspan171">GSH</tspan></text> + <path + id="R_GTHPi" + d="m 2205.5,2130.96 c 17,0.09 17,-9.96 17,-9.96 m 36.6,10.22 -89.59,-0.43 m 69.49,0.34 c 16,0.07 16,-10.13 16,-10.13 m -70.5,0 c 0,9.86 21.41,9.96 21.41,9.96" + stroke="#000000" + stroke-width="2.38381" /> + <g + id="text3929-9"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text173"><tspan + x="2168.3701" + y="2112.1599" + id="tspan172">2 H</tspan><tspan + x="2191.29" + y="2112.1599" + id="tspan173">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text174"><tspan + x="2187.0601" + y="2112.1599" + id="tspan174">₂</tspan></text> + </g> + <text + id="text3964-2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2241.49" + y="2160.1599" + id="tspan175">GSH</tspan></text> + <path + id="R_GDR" + d="m 2213.5,2137.98 c 10,0 10,5.02 10,5.02 m -60.5,-5.02 c 0,0 9.45,0 15.5,0 m 78,0 c 0,0 -47.54,0 -78,0 m 61,0 c 10.5,0 10.5,5.02 10.5,5.02 m -45,-5.02 c -9.5,0 -9.5,5.02 -9.5,5.02 m -17,-5.02 c -15.5,0 -15.5,5.02 -15.5,5.02" + stroke="#000000" + stroke-width="1.39417" /> + <path + id="F_GDR" + d="m 2220.22,2141.87 c 2.85,6.57 2.85,6.57 2.85,6.57 l 2.67,-6.61 -2.74,1.67 z m 27,0.5 c 2.85,6.57 2.85,6.57 2.85,6.57 l 2.67,-6.61 -2.74,1.67 z m 7.53,-1.29 c 9.66,-3.1 9.66,-3.1 9.66,-3.1 l -9.79,-2.65 2.5,2.82 z" + stroke="#000000" + stroke-width="1.90098" /> + </g> + <g + id="text3999-9"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text176"><tspan + x="2221.22" + y="2198.1599" + id="tspan176">NADP</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text177"><tspan + x="2254.5701" + y="2198.1599" + id="tspan177">⁺</tspan></text> + </g> + <text + id="text4005-9" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2264.49" + y="2198.1599" + id="tspan178">GSH</tspan></text> + <path + id="R_GTHOr" + d="m 2235.5,2173 c 5.9,0.99 5.5,8.99 5.5,8.99 m 33.48,-8.99 c 5.9,0.99 5.52,8.99 5.52,8.99 M 2135.5,2143.5 V 2173 H 2282 v -28 m -83,28 c -7.95,1.72 -7,8.99 -7,8.99 m -39,-8.99 c -7.95,1.72 -7,8.99 -7,8.99" + stroke="#000000" + stroke-width="1.39417" /> + <g + id="text4017-2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text179"><tspan + x="2141.0601" + y="2193.1599" + id="tspan179">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text180"><tspan + x="2149.73" + y="2193.1599" + id="tspan180">⁺</tspan></text> + </g> + <text + id="text4017-2_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2169.49" + y="2193.1599" + id="tspan181">NADPH</tspan></text> + <path + id="F_GTHOr" + d="m 2284.93,2152.37 c -3.1,-9.67 -3.1,-9.67 -3.1,-9.67 l -2.65,9.8 2.82,-2.5 z m -46.95,28.17 c 2.85,6.57 2.85,6.57 2.85,6.57 l 2.67,-6.61 -2.74,1.67 z m 39.24,-1.17 c 2.85,6.57 2.85,6.57 2.85,6.57 l 2.67,-6.61 -2.74,1.67 z" + stroke="#000000" + stroke-width="1.90098" /> + <g + id="Group 131"> + <path + id="R_DmGSSG" + d="M 2128,2256.5 V 2143" + stroke="#000000" + stroke-width="2.50699" /> + <path + id="F_DmGSSG-8" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 2128.01,2255.67 -3.01,-3 3.17,12.27 2.74,-12.44 z" + stroke="#000000" + stroke-width="2.62587" /> + </g> + <g + id="Group 132"> + <path + id="R_GTHRDt2" + d="M 2296.25,2152.65 V 2266.5" + stroke="#000000" + stroke-width="2.50699" /> + <path + id="F_GTHRDt2" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 2296.01,2150.26 -3.01,3.01 3.17,-12.27 2.74,12.44 z" + stroke="#000000" + stroke-width="2.62587" /> + </g> + <text + id="text7967-0-3-9-1-5-9" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2395.49" + y="2138.55" + id="tspan182">GC</tspan></text> + <text + id="text5921" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2515.3101" + y="2138.55" + id="tspan183">Cys</tspan></text> + <g + id="Group 133"> + <text + id="text7967-0-3-7-5-8-7-2-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2383.27" + y="2123.1599" + id="tspan184">ATP</tspan></text> + <path + id="R_GTHS" + d="m 2317,2134.06 h 42.5 m 33,0 h -33 m -10,-9.06 c 0,9.06 10,9.06 10,9.06 m 0,0 c 0,0 9,0 9,-9.06 m -36,9.06 c -9.5,0 -9.5,-9.06 -9.5,-9.06 m 69.5,0 c 0,9.06 -9,9.06 -9,9.06" + stroke="#000000" + stroke-width="1.68137" /> + <path + id="F_GTHS" + d="m 2320.65,2126.2 c 2.35,-9.24 2.35,-9.24 2.35,-9.24 l 1.9,9.3 -2.07,-2.35 z m -1.86,10.75 c -3.26,-0.89 -6.53,-1.78 -9.79,-2.68 3.22,-1.02 6.45,-2.04 9.67,-3.07 -0.79,0.98 -1.58,1.95 -2.37,2.93 0.83,0.94 1.66,1.88 2.49,2.82 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text7967-0-3-7-5-8-7-2-7-8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2360.49" + y="2123.1599" + id="tspan185">Gly</tspan></text> + <text + id="text7967-0-3-7-5-8-7-2-7-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2343.1599" + y="2116.1599" + id="tspan186">Pi</tspan></text> + <text + id="text7967-0-3-7-5-8-7-2-7-7_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2312.1599" + y="2114.1599" + id="tspan187">ADP</tspan></text> + </g> + <g + id="Group 134"> + <text + id="text7967-0-3-7-5-8-7-2-7_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2501.27" + y="2123.1599" + id="tspan188">ATP</tspan></text> + <path + id="R_GLUCYS" + d="m 2435,2134.06 h 42.5 m 33,0 h -33 m -10,-9.06 c 0,9.06 10,9.06 10,9.06 m 0,0 c 0,0 9,0 9,-9.06 m -36,9.06 c -9.5,0 -9.5,-9.06 -9.5,-9.06 m 69.5,0 c 0,9.06 -9,9.06 -9,9.06" + stroke="#000000" + stroke-width="1.68137" /> + <path + id="F_GLUCYS" + d="m 2438.65,2126.2 c 2.35,-9.24 2.35,-9.24 2.35,-9.24 l 1.9,9.3 -2.07,-2.35 z m -1.86,10.75 c -3.26,-0.89 -6.53,-1.78 -9.79,-2.68 3.22,-1.02 6.45,-2.04 9.67,-3.07 -0.79,0.98 -1.58,1.95 -2.37,2.93 0.83,0.94 1.66,1.88 2.49,2.82 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text7967-0-3-7-5-8-7-2-7-8_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2478.1499" + y="2123.1599" + id="tspan189">Glu</tspan></text> + <text + id="text7967-0-3-7-5-8-7-2-7-7_3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2461.1599" + y="2116.1599" + id="tspan190">Pi</tspan></text> + <text + id="text7967-0-3-7-5-8-7-2-7-7_4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2430.1599" + y="2114.1599" + id="tspan191">ADP</tspan></text> + </g> + </g> + <g + id="space_mitochondria"> + <path + id="Rectangle 2_11" + d="M 959.5,1021 H 1859 c 6.63,0 12,5.37 12,12 v 1133 c 0,6.63 -5.37,12 -12,12 H 735 c -6.627,0 -12,-5.37 -12,-12 V 1033 c 0,-6.63 5.373,-12 12,-12 h 8.5" + stroke="#0a0a0a" + stroke-width="4" + stroke-linecap="round" /> + <text + id="Title_11" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="20px" + font-weight="bold" + letter-spacing="0em"><tspan + x="752" + y="1027.4301" + id="tspan192">Mitochondrial space</tspan></text> + <circle + id="Ellipse 1_11" + cx="958" + cy="1021" + r="6" + fill="#0a0a0a" /> + </g> + <g + id="glycolysis"> + <text + id="M_Glc" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="235.09399" + y="126.547" + id="tspan193">Glc</tspan></text> + <text + id="M_Glc_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="235.09399" + y="14.5469" + id="tspan194">Glc</tspan></text> + <text + id="text6883" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="232.48399" + y="199.547" + id="tspan195">G6P</tspan></text> + <text + id="text6931" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="233.32001" + y="273.547" + id="tspan196">F6P</tspan></text> + <text + id="text6913" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="221.35899" + y="359.547" + id="tspan197">F1,6BP</tspan></text> + <text + id="text6907" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="226.203" + y="437.547" + id="tspan198">GA3P</tspan></text> + <text + id="text6925" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="272.27301" + y="303.16" + id="tspan199">ATP</tspan></text> + <text + id="text6919" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="277.16" + y="321.16" + id="tspan200">ADP</tspan></text> + <g + id="text6973"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text201"><tspan + x="272.224" + y="558.15997" + id="tspan201">NAD</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text202"><tspan + x="297.57199" + y="558.15997" + id="tspan202">⁺</tspan></text> + </g> + <text + id="text6969" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="281.48999" + y="615.15997" + id="tspan203">NADH</tspan></text> + <path + id="F_PGI" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 245,246 c 2.876,9.734 2.876,9.734 2.876,9.734 l 2.877,-9.734 -2.877,2.434 z" + stroke="#000000" + stroke-width="2.32759" /> + <path + id="R_PGI" + d="m 248,214 v 33.5" + stroke="#000000" + stroke-width="2.22" /> + <path + id="R_FBA" + d="m 248.265,369.111 c 0,42.584 0,42.584 0,42.584 m 0.834,-23.594 c 0,0 -0.834,35.399 119.901,-48.101" + stroke="#000000" + stroke-width="2.22" /> + <path + id="F_FBA" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 245.727,409.295 c 2.876,9.734 2.876,9.734 2.876,9.734 l 2.877,-9.734 -2.877,2.434 z" + stroke="#000000" + stroke-width="2.66667" + stroke-miterlimit="5.75877" /> + <path + id="B_TPI" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 376.536,350.204 3.006,-5.404 1.001,-1.8 -6.421,3.118 2.51,0.753 z" + stroke="#000000" + stroke-width="2.07063" /> + <path + id="F_TPI" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 279.628,424.79 c -6.069,5.783 -6.069,5.783 -6.069,5.783 l 7.218,-1.171 -2.235,-1.437 z" + stroke="#000000" + stroke-width="2.09713" /> + <path + id="R_TPI" + d="M 379.5,344 280,428" + stroke="#000000" + stroke-width="2.22" /> + <text + id="text6895" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="272.27301" + y="146.16" + id="tspan204">ATP</tspan></text> + <text + id="text6889" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="276.16" + y="162.16" + id="tspan205">ADP</tspan></text> + <path + id="R_HEX1" + d="m 248.054,149.982 c 1.534,7.191 18.852,6.895 18.852,6.895 m 2.035,-15.648 c -12.885,-3.833 -21.324,4.324 -21.324,4.324 m 0.136,-13.154 c 0,41.567 0,41.567 0,41.567" + stroke="#000000" + stroke-width="2.22" /> + <path + id="R_PFK" + d="m 248.147,278 v 58.493 m 0.606,-27.845 c 1.534,7.192 18.852,6.895 18.852,6.895 m 2.548,-15.647 c -12.885,-3.834 -21.324,4.323 -21.324,4.323" + stroke="#000000" + stroke-width="2.22" /> + <path + id="F_PFK" + d="m 246,333.572 c 2.238,9.739 2.238,9.739 2.238,9.739 l 2.239,-9.739 -2.239,2.435 z m 18.327,-16.056 c 9.376,-1.75 9.376,-1.75 9.376,-1.75 l -9.162,-2.502 2.21,2.22 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="F_HEX1" + d="m 263.115,158.85 c 9.376,-1.75 9.376,-1.75 9.376,-1.75 l -9.162,-2.502 2.21,2.22 z M 245,173.345 c 2.876,9.734 2.876,9.734 2.876,9.734 l 2.877,-9.734 -2.877,2.434 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_GAPD" + d="m 269,518 c -19.624,0 -19.531,16 -19.531,16 m -0.482,-82.5 1.022,175 M 269,607.5 c 0,0 -18.991,0 -19.221,-20.5 0,0 -0.196,-33.5 19.221,-33.5" + stroke="#000000" + stroke-width="2.22" /> + <text + id="text5156" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="272.16199" + y="522.15997" + id="tspan206">Pi</tspan></text> + <path + id="R_FBP" + d="m 179.465,319.707 c -1.51,7.184 -15.641,6.12 -15.641,6.12 m 1.761,-22.879 c 8.82,-3.388 14.28,5.449 14.28,5.449 M 219.245,356 h -39.78 l -0.22,-88.124 h 40" + stroke="#000000" + stroke-width="2.22" /> + <path + id="F_FBP" + d="m 166.245,300.876 c -9.324,2.009 -9.324,2.009 -9.324,2.009 l 9.228,2.248 -2.271,-2.158 z M 216.811,265 c 9.735,2.876 9.735,2.876 9.735,2.876 l -9.735,2.877 2.434,-2.877 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_G6PP" + d="m 181.465,160.707 c -1.51,7.184 -15.641,6.12 -15.641,6.12 m 1.761,-22.879 c 8.82,-3.388 14.28,5.449 14.28,5.449 M 228.5,194.5 h -47.255 v -73.624 h 40" + stroke="#000000" + stroke-width="2.75765" /> + <path + id="F_G6PP" + d="m 168.245,141.876 c -9.324,2.009 -9.324,2.009 -9.324,2.009 l 9.228,2.248 -2.271,-2.158 z M 218.812,118 c 9.734,2.876 9.734,2.876 9.734,2.876 l -9.734,2.877 2.433,-2.877 z" + stroke="#000000" + stroke-width="2.23952" /> + <g + id="text5252"> + <text + transform="rotate(0.250513,-72891.469,31735.907)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text208"><tspan + x="0.38223499" + y="11.1602" + id="tspan207">H</tspan><tspan + x="13.2779" + y="11.1602" + id="tspan208">O</tspan></text> + <text + transform="rotate(0.250513,-72891.469,31735.907)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text209"><tspan + x="9.0541096" + y="11.1602" + id="tspan209">₂</tspan></text> + </g> + <text + id="text5258" + transform="rotate(-0.639009,26622.648,-12673.685)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.162109" + y="11.1602" + id="tspan210">Pi</tspan></text> + <g + id="text5264"> + <text + transform="rotate(0.250513,-36526.034,31656.407)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text212"><tspan + x="0.38223499" + y="11.1602" + id="tspan211">H</tspan><tspan + x="13.2779" + y="11.1602" + id="tspan212">O</tspan></text> + <text + transform="rotate(0.250513,-36526.034,31656.407)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text213"><tspan + x="9.0541096" + y="11.1602" + id="tspan213">₂</tspan></text> + </g> + <text + id="text5270" + transform="rotate(-0.639009,12367.3,-12932.51)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.162109" + y="11.1602" + id="tspan214">Pi</tspan></text> + <path + id="B_PGI" + d="M 250.751,214.665 C 247.65,205 247.65,205 247.65,205 l -2.65,9.798 2.819,-2.499 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="B_FBA" + d="M 251.287,377.665 C 248.186,368 248.186,368 248.186,368 l -2.65,9.798 2.819,-2.499 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="B_GAPD" + d="M 251.751,453.665 C 248.65,444 248.65,444 248.65,444 l -2.65,9.798 2.819,-2.499 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="B_GLCt1" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 245,95 2.732,11.12 2.994,-11.0311 -2.896,2.7244 z" + stroke="#000000" + stroke-width="2.47734" /> + <path + id="R_GLCt1" + d="M 248,96 V 28.5" + stroke="#000000" + stroke-width="2.22" /> + <path + id="F_GLCt1" + fill-rule="evenodd" + clip-rule="evenodd" + d="M 245,34.2365 247.926,24 l 2.926,10.2365 -2.926,-2.559 z" + stroke="#000000" + stroke-width="2.37794" /> + <path + id="B_PGM" + fill-rule="evenodd" + clip-rule="evenodd" + d="M 246.725,750.734 C 249.602,741 249.601,741 249.601,741 l 2.877,9.734 -2.877,-2.433 z" + stroke="#000000" + stroke-width="2.32759" /> + <text + id="text6961" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="214.242" + y="652.547" + id="tspan215">1,3BPGA</tspan></text> + <text + id="text6943" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="234.48399" + y="736.547" + id="tspan216">3PG</tspan></text> + <text + id="text6937" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="234.48399" + y="795.547" + id="tspan217">2PG</tspan></text> + <text + id="text6955" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="13.3333px" + letter-spacing="0em"><tspan + x="277.17599" + y="678.69897" + id="tspan218">ADP</tspan></text> + <text + id="text6949" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="13.3333px" + letter-spacing="0em"><tspan + x="279.88699" + y="695.38599" + id="tspan219">ATP</tspan></text> + <path + id="R_PGM" + d="M 249.415,750.193 V 771" + stroke="#000000" + stroke-width="2.22" /> + <path + id="F_PGM" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 247,771 c 2.876,9.734 2.876,9.734 2.876,9.734 l 2.877,-9.734 -2.877,2.434 z" + stroke="#000000" + stroke-width="2.32759" /> + <path + id="B_ENO" + fill-rule="evenodd" + clip-rule="evenodd" + d="M 247,809.734 C 249.876,800 249.876,800 249.876,800 l 2.877,9.734 -2.877,-2.433 z" + stroke="#000000" + stroke-width="2.32759" /> + <path + id="F_DPGM" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 152,711 c 2.876,9.734 2.876,9.734 2.876,9.734 l 2.877,-9.734 -2.877,2.434 z" + stroke="#000000" + stroke-width="2.32759" /> + <path + id="R_DPGM" + d="M 211.299,647 H 154.5 v 65" + stroke="#000000" + stroke-width="2.22" /> + <text + id="text6943-9" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="127.024" + y="735.547" + id="tspan220">2,3BPG</tspan></text> + <g + id="text6955-8"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text222"><tspan + x="186.382" + y="757.15997" + id="tspan221">H</tspan><tspan + x="199.278" + y="757.15997" + id="tspan222">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text223"><tspan + x="195.054" + y="757.15997" + id="tspan223">₂</tspan></text> + </g> + <text + id="text6955-2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="211.162" + y="767.15997" + id="tspan224">Pi</tspan></text> + <path + id="R_PGK" + d="m 272.081,674.645 c -12.885,-3.834 -21.324,4.323 -21.324,4.323 m -0.097,4.453 c 1.656,7.147 20.357,6.852 20.357,6.852 m -21.107,-27.54 v 49.702" + stroke="#000000" + stroke-width="2.22" /> + <path + id="R_DPGase" + d="m 186,730.444 38.049,0.591 m -19.148,0.112 c -7.129,1.585 -5.867,16.238 -5.867,16.238 m 15.831,0.209 c 3.205,-10.258 -5.463,-16.549 -5.463,-16.549" + stroke="#000000" + stroke-width="2.22" /> + <path + id="R_ENO" + d="m 249.617,807.626 c 0,51.326 0,51.326 0,51.326 m 0.167,-28.713 c 1.407,5.871 17.282,5.628 17.282,5.628" + stroke="#000000" + stroke-width="2.22" /> + <path + id="F_PGK" + d="m 267.153,691.729 c 9.376,-1.75 9.376,-1.75 9.376,-1.75 l -9.162,-2.502 2.211,2.22 z m -19.709,17.207 c 2.571,11.666 2.571,11.666 2.571,11.666 l 2.571,-11.666 -2.571,2.916 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="F_DPGase" + d="m 212.658,745.232 c 2.403,9.23 2.403,9.23 2.403,9.23 l 1.854,-9.315 -2.06,2.361 z m 8.431,-11.48 c 9.774,-2.737 9.774,-2.737 9.774,-2.737 l -9.692,-3.015 2.392,2.911 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="F_ENO" + d="m 247.015,858.733 c 2.876,9.734 2.876,9.734 2.876,9.734 l 2.877,-9.734 -2.877,2.433 z M 265.55,839 l 6.95,-3 -6.95,-3 2.45,3 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="B_PGK" + d="M 252.293,668.665 C 249.192,659 249.192,659 249.192,659 l -2.65,9.798 2.819,-2.499 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="F_GAPD" + d="m 252.673,625.6 c -3.101,9.664 -3.101,9.664 -3.101,9.664 l -2.65,-9.798 2.819,2.5 z" + stroke="#000000" + stroke-width="2.66667" /> + <text + id="text7033" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="234.492" + y="884.547" + id="tspan225">PEP</tspan></text> + <g + id="Pyruvate"> + <circle + id="Ellipse 3" + cx="253" + cy="987" + r="23" + stroke="#da8f38" + stroke-width="4" /> + <text + id="text7003" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="240.09399" + y="992.547" + id="tspan226">Pyr</tspan></text> + </g> + <text + id="text7021" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="269.16" + y="919.15997" + id="tspan227">ADP</tspan></text> + <text + id="text7015" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="273.27301" + y="933.15997" + id="tspan228">ATP</tspan></text> + <path + id="R_PYK" + d="m 249.225,890 0.535,59 m 0.867,-22.703 c 1.361,1.518 16.724,1.456 16.724,1.456 m 0,-13.753 c -10.586,-0.814 -17.872,4 -17.872,4" + stroke="#000000" + stroke-width="2.22" /> + <path + id="F_PYK" + d="m 247.225,942.956 2.876,9.734 2.877,-9.734 -2.877,2.434 z m 17,-11.456 6,-3 -4.5,-2.5 1.5,2.5 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text7057" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="151.039" + y="878.547" + id="tspan229">Lact</tspan></text> + <g + id="Group 89"> + <g + id="text7051"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text230"><tspan + x="194.062" + y="961.15997" + id="tspan230">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text231"><tspan + x="202.73399" + y="961.15997" + id="tspan231">⁺</tspan></text> + </g> + <text + id="text7051_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="155.49001" + y="940.15997" + id="tspan232">NADH</tspan></text> + <g + id="text7051-1"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text233"><tspan + x="132.224" + y="909.15997" + id="tspan233">NAD</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text234"><tspan + x="157.57201" + y="909.15997" + id="tspan234">⁺</tspan></text> + </g> + <path + id="F_LDH_L" + d="m 168,908 -4.5,-2.5 6,-3 -2.5,3 z m 14.277,-18 -10.777,-5 3,9 v -6 z" + stroke="#000000" + stroke-width="2.74209" /> + <path + id="B_LDH_L" + d="m 196.5,945.5 1.5,2.5 0.5,-3 -1,0.5 z m 30.84,9.5 2.5,6 -7,-2 3.5,-1 z" + stroke="#000000" + stroke-width="2.44933" /> + <path + id="R_LDH_L" + d="m 226,958 c 0,0 -17.37,-24.074 -28.5,-39.5 m -23,-31 c 0,0 14.018,18.894 23,31 m 9.142,13 C 193.227,936 197.5,945 197.5,945 M 168,905.5 c 20,5.5 15.5,-5.68 15.5,-5.68 m 14,18.68 c -8.5,-12 -15.5,5 -15.5,5" + stroke="#000000" + stroke-width="2.22" /> + </g> + <g + id="g31299"> + <path + id="B_DmLact" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 131.184,871 11.121,2.732 -11.032,2.994 2.725,-2.896 z" + stroke="#000000" + stroke-width="2.22" /> + <path + id="F_DmLact" + fill-rule="evenodd" + clip-rule="evenodd" + d="M 59.2365,871.226 49,874.152 l 10.2365,2.926 -2.559,-2.926 z" + stroke="#000000" + stroke-width="2.22" /> + <path + id="R_DmLact" + d="M 131.268,873.972 H 57.5" + stroke="#000000" + stroke-width="2.22" /> + </g> + <g + id="text6955-8-3-5"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text236"><tspan + x="277.38199" + y="840.15997" + id="tspan235">H</tspan><tspan + x="290.27802" + y="840.15997" + id="tspan236">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text237"><tspan + x="286.05399" + y="840.15997" + id="tspan237">₂</tspan></text> + </g> + <path + id="B_PYRt2" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 209.178,989.925 9.456,-2.963 -9.456,-2.962 2.364,2.962 z" + stroke="#000000" + stroke-width="2.85342" /> + <path + id="R_PYRt2" + d="M 45,987.145 H 212.747" + stroke="#000000" + stroke-width="3.1496" /> + </g> + <text + id="text7967-0-3-6-2-7-4-34-0-4-2-9-0-1-6-9" + transform="translate(2066,630)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.49218801" + y="14.5469" + id="tspan238">Putr</tspan></text> + <g + id="Group 160"> + <path + id="R_SPMS" + d="m 2173.23,591.868 c -9.08,-3.613 -14.85,5.05 -14.85,5.05 m 0.51,10.741 c 1.81,6.572 20.17,5.884 20.17,5.884 M 2158.59,574.38 2158.38,642 H 2103" + stroke="#000000" + stroke-width="1.90151" /> + <path + id="F_SPMS" + d="m 2161.25,579.79 c -0.89,-3.263 -1.79,-6.527 -2.68,-9.79 -1.02,3.225 -2.05,6.449 -3.07,9.674 0.97,-0.791 1.95,-1.583 2.92,-2.375 0.95,0.83 1.89,1.661 2.83,2.491 z m 10.69,13.827 c 9.25,-2.355 9.25,-2.355 9.25,-2.355 l -9.31,-1.902 2.35,2.072 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text5973" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2181.8701" + y="614.78998" + id="tspan239">ametam</tspan></text> + <text + id="text5979" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2184.73" + y="593.922" + id="tspan240">5mta</tspan></text> + </g> + <text + id="text5985" + transform="translate(2117.5,547)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.28125" + y="14.5469" + id="tspan241">spermidine</tspan></text> + <g + id="Group 159"> + <path + id="R_SPRMS" + d="m 2158.54,509.48 0.44,38.294 m -0.09,-13.115 c 1.81,6.571 20.17,5.884 20.17,5.884 m -5.83,-21.675 c -9.08,-3.613 -14.85,5.05 -14.85,5.05" + stroke="#000000" + stroke-width="1.79549" /> + <path + id="F_SPRMS" + d="m 2171.94,520.617 c 9.25,-2.355 9.25,-2.355 9.25,-2.355 l -9.31,-1.902 2.35,2.072 z m -10.69,-7.827 c -0.89,-3.263 -1.79,-6.527 -2.68,-9.79 -1.02,3.225 -2.05,6.449 -3.07,9.674 0.97,-0.791 1.95,-1.583 2.92,-2.375 0.95,0.83 1.89,1.661 2.83,2.491 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text5999" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2181.5801" + y="543.87701" + id="tspan242">ametam</tspan></text> + <text + id="text6005" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2183.55" + y="520.40997" + id="tspan243">5mta</tspan></text> + </g> + <text + id="text6011" + transform="translate(2122.5,481)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.39843801" + y="14.5469" + id="tspan244">spermine</tspan></text> + <g + id="Group 161"> + <g + id="text6015"> + <text + transform="translate(2220,650)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text245"><tspan + x="8.7335901" + y="11.1602" + id="tspan245">⁺</tspan></text> + <text + transform="translate(2220,650)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text246"><tspan + x="0.0617189" + y="11.1602" + id="tspan246">H</tspan></text> + </g> + <g + id="text6019"> + <text + transform="translate(2221.5,632)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text247"><tspan + x="18.502001" + y="11.1602" + id="tspan247">₂</tspan></text> + <text + transform="translate(2221.5,632)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text248"><tspan + x="0.49023399" + y="11.1602" + id="tspan248">CO</tspan></text> + </g> + <path + id="R_ADMDC" + d="m 2211.5,638.5 c -8.71,0 -8.71,11.5 -8.71,11.5 m 0,0 c 0,9.692 14.71,6.5 14.71,6.5 m -14.71,-6.5 v -20.384 m 0,20.384 v 21" + stroke="#000000" + stroke-width="1.94434" /> + <path + id="F_ADMDC" + d="m 2210.5,640.5 c 3.11,-0.643 6.23,-1.287 9.34,-1.93 -3.07,-0.775 -6.14,-1.55 -9.21,-2.326 0.75,0.726 1.5,1.452 2.25,2.178 -0.79,0.692 -1.58,1.385 -2.38,2.078 z m -5.38,-8.686 c -0.86,-3.271 -1.72,-6.543 -2.59,-9.814 -1.05,3.215 -2.1,6.43 -3.16,9.646 0.98,-0.783 1.97,-1.566 2.95,-2.349 0.93,0.839 1.87,1.678 2.8,2.517 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text6029" + transform="translate(2186,671)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.21875" + y="14.5469" + id="tspan249">SAM</tspan></text> + </g> + <text + id="text6076" + transform="translate(2357.5,582)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.078125" + y="14.5469" + id="tspan250">5mdr1p</tspan></text> + <path + id="R_MTRI" + d="m 2385.5,552 v 30" + stroke="#000000" + stroke-width="2.24576" /> + <path + id="F_MTRI" + d="m 2388.02,555.092 c -0.89,-3.263 -1.78,-6.526 -2.68,-9.79 -1.02,3.225 -2.05,6.45 -3.07,9.674 0.98,-0.791 1.95,-1.583 2.93,-2.375 0.94,0.831 1.88,1.661 2.82,2.491 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text6104" + transform="translate(2352.5,522)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.1875" + y="14.5469" + id="tspan251">5mdru1p</tspan></text> + <g + id="Group 163"> + <path + id="R_MDRPD" + d="m 2370.8,502.868 c 9.08,-3.613 14.85,5.05 14.85,5.05 m -0.13,-20.331 0.43,32.112" + stroke="#000000" + stroke-width="1.90151" /> + <path + id="F_MDRPD" + d="m 2372.09,504.617 c -9.25,-2.355 -9.25,-2.355 -9.25,-2.355 l 9.31,-1.902 -2.35,2.072 z m 16.14,-13.827 c -0.89,-3.263 -1.78,-6.527 -2.68,-9.79 -1.02,3.225 -2.05,6.449 -3.07,9.674 0.98,-0.791 1.95,-1.583 2.93,-2.375 0.94,0.83 1.88,1.661 2.82,2.491 z" + stroke="#000000" + stroke-width="2.23952" /> + <g + id="text6124"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text252"><tspan + x="2345.55" + y="505.12201" + id="tspan252">₂</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text254"><tspan + x="2336.8799" + y="505.12201" + id="tspan253">H</tspan><tspan + x="2349.78" + y="505.12201" + id="tspan254">O</tspan></text> + </g> + </g> + <text + id="text6131" + transform="translate(2356.5,458)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.25781199" + y="14.5469" + id="tspan255">dkmpp</tspan></text> + <text + id="text6199" + transform="translate(2371,258)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.265625" + y="14.5469" + id="tspan256">met</tspan></text> + <g + id="Group 166"> + <text + id="text6213" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2309.53" + y="312.664" + id="tspan257">Gln</tspan></text> + <g + id="text6213_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text258"><tspan + x="2308.4199" + y="341.664" + id="tspan258">2 H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text259"><tspan + x="2327.1201" + y="341.664" + id="tspan259">⁺</tspan></text> + </g> + <text + id="text6217" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2299.6499" + y="286.14801" + id="tspan260">Glu</tspan></text> + <path + id="F_UNK2" + d="m 2330.15,281.124 c -8.85,3.558 -8.85,3.558 -8.85,3.558 l 9.47,0.654 -2.6,-1.743 z m 26.61,-8.372 c 3.26,-0.902 3.98,-1.932 7.24,-2.833 -3.23,-1.016 -3.91,-1.903 -7.14,-2.919 0.8,0.973 1.59,1.946 2.39,2.919 -0.83,0.944 -1.66,1.888 -2.49,2.833 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_UNK2" + d="m 2329.87,283.004 c 0,0 15.76,0 15.76,14 0,0 0,12.5 -15.76,12.5 m 30.87,38.318 h -15.11 c 0,0 0,-12.993 0,-21.318 m 15.11,-56.911 h -15.11 c 0,0 0,34.686 0,56.911 m 0,0 c 0,12.5 -15.76,12.5 -15.76,12.5" + stroke="#000000" + stroke-width="1.8047" /> + </g> + <g + id="Group 167"> + <g + id="text5784"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text262"><tspan + x="2320.3799" + y="247.16" + id="tspan261">H</tspan><tspan + x="2333.28" + y="247.16" + id="tspan262">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text263"><tspan + x="2329.05" + y="247.16" + id="tspan263">₂</tspan></text> + </g> + <text + id="text5784_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2355.27" + y="250.16" + id="tspan264">ATP</tspan></text> + <text + id="text5788" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2287.1599" + y="243.16" + id="tspan265">Pi</tspan></text> + <text + id="text5788_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2246.1599" + y="244.16" + id="tspan266">PPi</tspan></text> + <path + id="R_METAT" + d="m 2257.07,264.772 c 0,0 13.36,0 21.93,0 m 88,0 c 0,0 -8.55,0 -21,0 M 2292,252.5 c 0,12.272 19,12.272 19,12.272 19.5,0 19.5,-12.272 19.5,-12.272 m -51.5,12.272 c -21.93,0 -21.93,-12.272 -21.93,-12.272 m 21.93,12.272 c 20.65,0 48.25,0 67,0 m 0,0 c 21,0 21,-12.272 21,-12.272" + stroke="#000000" + stroke-width="2.25514" /> + <path + id="F_METAT" + d="m 2294,254.5 c -1.76,-9.374 -1.51,-9.165 -1.51,-9.165 l -2.49,9.165 2.22,-2.213 z m -35.83,7.575 c -9.8,2.62 -9.8,2.62 -9.8,2.62 l 9.65,3.131 -2.36,-2.94 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <text + id="text5820" + transform="translate(2209,255)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.21875" + y="14.5469" + id="tspan267">SAM</tspan></text> + <g + id="Group 169"> + <text + id="text5828" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2190.5801" + y="236.23199" + id="tspan268">THF</tspan></text> + <text + id="text5832" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2134.49" + y="236.16" + id="tspan269">5mTHF</tspan></text> + <path + id="R_HMR_3915" + d="m 2152.01,265.299 53.41,0.255 m -39.24,-19.774 c -3.85,11.991 4.38,19.832 4.38,19.832 m 20.37,-0.284 c 7.06,-1.862 6.75,-22.763 6.75,-22.763" + stroke="#000000" + stroke-width="2.23449" /> + <path + id="F_HMR_3915" + d="m 2167.22,251.021 c -1.76,-9.374 -1.76,-9.374 -1.76,-9.374 l -2.49,9.165 2.22,-2.213 z m -14.1,11.592 c -9.8,2.62 -9.8,2.62 -9.8,2.62 l 9.65,3.131 -2.36,-2.94 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <text + id="text5842" + transform="translate(2105,255)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.101562" + y="14.5469" + id="tspan270">SAH</tspan></text> + <g + id="Group 171"> + <g + id="text5854"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text272"><tspan + x="2090.3799" + y="246.16" + id="tspan271">H</tspan><tspan + x="2103.28" + y="246.16" + id="tspan272">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text273"><tspan + x="2099.05" + y="246.16" + id="tspan273">₂</tspan></text> + </g> + <text + id="text5858" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1991.12" + y="240.16" + id="tspan274">Adenosine</tspan></text> + <path + id="R_AHCi" + d="M 2001.45,264.291 H 2101.5 M 2021,252.5 c 0,11.791 28,11.791 28,11.791 m 31,0 c 21.5,0 21.5,-11.791 21.5,-11.791" + stroke="#000000" + stroke-width="2.23449" /> + <path + id="F_AHCi" + d="m 2023,252.5 c -1.76,-9.374 -1.73,-8.452 -1.73,-8.452 l -2.49,9.165 L 2021,251 Z m -20.44,9.103 c -9.81,2.62 -9.81,2.62 -9.81,2.62 l 9.65,3.131 -2.35,-2.939 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <g + id="Group 162"> + <path + id="R_MTAP" + d="m 2216,590.95 h 127.5 M 2241,577.5 c 0,13.45 15.5,13.45 15.5,13.45 m 16,0 c 22.5,0 22.5,-13.45 22.5,-13.45" + stroke="#000000" + stroke-width="2.38101" /> + <text + id="text6068" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2235.6599" + y="576.15997" + id="tspan275">Pi</tspan></text> + <text + id="text6072" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2265.74" + y="566.547" + id="tspan276">adenine</tspan></text> + <g + id="Group 151"> + <path + id="R_ADPT" + d="m 2295.82,495.92 0.34,56.393 m -0.63,-32.955 c -1.94,-6.549 -16.47,-4.059 -16.47,-4.059 m 2.84,21.065 c 9.39,2.737 14.31,-6.433 14.31,-6.433" + stroke="#000000" + stroke-width="1.90151" /> + <path + id="F_ADPT" + d="m 2298.48,501.33 c -0.89,-3.264 -1.78,-6.527 -2.68,-9.79 -1.02,3.224 -2.05,6.449 -3.07,9.674 0.98,-0.792 1.95,-1.584 2.92,-2.375 0.95,0.83 1.89,1.66 2.83,2.491 z m -14.76,11.837 c -8.98,3.219 -8.98,3.219 -8.98,3.219 l 9.44,1.013 -2.53,-1.84 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text6292" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2246.6599" + y="537.62903" + id="tspan277">PRPP</tspan></text> + <text + id="text6296" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2254.1201" + y="517.71698" + id="tspan278">PPi</tspan></text> + <text + id="text6300" + transform="translate(2277.91,468)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.21875" + y="14.5469" + id="tspan279">AMP</tspan></text> + </g> + <path + id="F_MTAP" + d="m 2341,594.128 c 9.22,-2.82 9.23,-2.82 9.23,-2.82 l -9.16,-3.029 2.26,2.951 z m -44.25,-14.442 c -1.81,-9.364 -1.81,-9.364 -1.81,-9.364 l -2.44,9.178 2.21,-2.225 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <g + id="Group 170"> + <text + id="text7058" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2009.27" + y="186.16" + id="tspan280">ATP</tspan></text> + <g + id="text7062"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text281"><tspan + x="2061.0601" + y="178.16" + id="tspan281">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text282"><tspan + x="2069.73" + y="178.16" + id="tspan282">⁺</tspan></text> + </g> + <text + id="text7062_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2079.1599" + y="177.16" + id="tspan283">ADP</tspan></text> + <text + id="text7072" + transform="translate(2102,198)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.21875" + y="14.5469" + id="tspan284">AMP</tspan></text> + <path + id="F_ADNK1" + d="m 2088.44,210.51 c 9.81,-2.62 9.81,-2.62 9.81,-2.62 l -9.66,-3.131 2.36,2.94 z m 4.41,-21.136 C 2091.08,180 2091.08,180 2091.08,180 l -2.49,9.165 2.22,-2.213 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_ADNK1" + d="m 2021.09,229.485 v -21.333 c 0,0 17.32,0 28.41,0 m 43.5,0 c 0,0 -26.51,0 -43.5,0 M 2021.09,188.5 c 0,19.652 13.41,19.652 13.41,19.652 m 29.5,0 c 27,0 27,-19.652 27,-19.652 m -41.5,19.652 c 14.5,0 14.5,-19.652 14.5,-19.652" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <g + id="Group 168"> + <text + id="text5868" + transform="translate(1950,254.679)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.359375" + y="14.5469" + id="tspan285">Hcys</tspan></text> + <path + id="F_METS" + d="m 2403.71,194.415 c 9.24,2.354 9.24,2.354 9.24,2.354 l -9.3,1.903 2.35,-2.072 z m -9.58,49.094 c -0.9,3.264 -1.79,6.527 -2.68,9.79 -1.03,-3.225 -2.05,-6.449 -3.07,-9.674 0.97,0.792 1.94,1.583 2.92,2.375 0.94,-0.83 1.88,-1.66 2.83,-2.491 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_METS" + d="m 2391.33,191.043 c 1.45,6.634 16.04,5.94 16.04,5.94 m 0.26,-21.765 c -10.16,-3.496 -16.61,4.886 -16.61,4.886 M 1974,256.5 V 156 h 417 v 95" + stroke="#000000" + stroke-width="1.70354" /> + <text + id="text2998" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2411.3101" + y="176.722" + id="tspan286">5mTHF</tspan></text> + <text + id="text3002" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2416.54" + y="199.642" + id="tspan287">THF</tspan></text> + </g> + <g + id="Group 164"> + <path + id="R_DKMPPD" + d="m 2400.27,395.262 c -14.68,0 -14.68,10.5 -14.68,10.5 m 14.68,30.5 c 0,0 -14.68,1.5 -14.68,-13.5 0,0 0,-10.5 14.68,-10.5 m -14.68,-45.882 v 93.382 m 14.68,-80.5 c -14.68,0 -14.68,10.5 -14.68,10.5 m 0,50.5 c 0,15 14.68,13.5 14.68,13.5" + stroke="#000000" + stroke-width="1.90151" /> + <g + id="F_DKMPPD"> + <path + d="m 2388.25,371.79 c -0.89,-3.263 -1.79,-6.527 -2.68,-9.79 -1.02,3.225 -2.05,6.449 -3.07,9.674 0.97,-0.791 1.95,-1.583 2.92,-2.375 0.95,0.83 1.89,1.661 2.83,2.491 z m 9.02,9.57 c 9.25,-2.355 9.25,-2.355 9.25,-2.355 l -9.31,-1.902 2.35,2.072 z" + stroke="#000000" + stroke-width="2.23952" + id="path287" /> + <path + d="m 2407.27,395.262 -9.24,2.355 2.29,-2.185 -2.35,-2.072 z" + stroke="#000000" + stroke-width="2.23952" + id="path288" /> + <path + d="m 2406.52,412.407 -9.25,2.355 2.29,-2.185 -2.35,-2.072 z" + stroke="#000000" + stroke-width="2.23952" + id="path289" /> + </g> + <g + id="text6151"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text289"><tspan + x="2410.3301" + y="440.422" + id="tspan289">₂</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text291"><tspan + x="2401.6599" + y="440.422" + id="tspan290">H</tspan><tspan + x="2414.55" + y="440.422" + id="tspan291">O</tspan></text> + </g> + <g + id="text6151_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text292"><tspan + x="2410.9399" + y="458.422" + id="tspan292">₂</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text293"><tspan + x="2401.6001" + y="458.422" + id="tspan293">O</tspan></text> + </g> + <text + id="Pi" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2409.4399" + y="416.422" + id="tspan294">Pi</tspan></text> + <g + id="2 H+"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text295"><tspan + x="2428.02" + y="399.422" + id="tspan295">⁺</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text296"><tspan + x="2409.3301" + y="399.422" + id="tspan296">2 H</tspan></text> + </g> + <text + id="formate" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2408.4199" + y="383.422" + id="tspan297">formate</tspan></text> + </g> + <text + id="text6163" + transform="translate(2364.5,339)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.0859375" + y="14.5469" + id="tspan298">2kmb</tspan></text> + <g + id="Group 165"> + <path + id="R_UNK3" + d="m 2400.23,301.868 c -9.08,-3.613 -14.85,5.051 -14.85,5.051 m 0.51,10.741 c 1.81,6.571 20.17,5.883 20.17,5.883 m -20.47,-39.162 0.34,56.393" + stroke="#000000" + stroke-width="1.90151" /> + <path + id="F_UNK3" + d="m 2388.25,289.79 c -0.89,-3.263 -1.79,-6.527 -2.68,-9.79 -1.02,3.225 -2.05,6.449 -3.07,9.674 0.97,-0.791 1.95,-1.583 2.92,-2.375 0.95,0.83 1.89,1.661 2.83,2.491 z m 10.69,13.827 c 9.25,-2.355 9.25,-2.355 9.25,-2.355 l -9.31,-1.902 2.35,2.072 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text6189" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2408.77" + y="325.91101" + id="tspan299">Glu</tspan></text> + <text + id="text6193" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2411.73" + y="305.88901" + id="tspan300">AKG</tspan></text> + </g> + <g + id="Group 150"> + <path + id="F_ORNDC" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 2052.5,643 8.5,-3.5 -7,-1.5 1,1.5 z m -115.5,14.5 6.48,2.266 1.52,-2.266 1.48,5.766 z" + stroke="#000000" + stroke-width="1.95125" /> + <path + id="R_ORNDC" + d="m 1660.5,639.498 c 0,0 154.5,0 253.5,0 m 142,0 c 0,0 -86.55,0 -142,0 m 0,0 c 29.5,0 29.5,20 29.5,20" + stroke="#000000" + stroke-width="1.66562" /> + <g + id="text7967-0-3-65-1-2-4-9-8-0-9"> + <text + transform="translate(1939,664)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text301"><tspan + x="18.502001" + y="11.1602" + id="tspan301">₂</tspan></text> + <text + transform="translate(1939,664)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text302"><tspan + x="0.49023399" + y="11.1602" + id="tspan302">CO</tspan></text> + </g> + </g> + <g + id="Group 153"> + <text + id="text7967-0-3-9-14-8-1-9" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1894.2" + y="628.547" + id="tspan303">hcarn</tspan></text> + <text + id="text7967-0-3-65-5-3-5-1-2-8-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1877.27" + y="572.15997" + id="tspan304">ATP</tspan></text> + <text + id="text7967-0-3-65-5-3-5-1-2-8-8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1938.5" + y="591.15997" + id="tspan305">AMP</tspan></text> + <text + id="text7967-0-3-65-5-3-5-1-2-8-2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1938.16" + y="607.15997" + id="tspan306">PPi</tspan></text> + <text + id="text7967-0-3-9-14-8-1-8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1875.04" + y="554.547" + id="tspan307">His</tspan></text> + <g + id="text7967-0-3-65-5-3-5-1-2-8-8-6"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text308"><tspan + x="1938.05" + y="568.15997" + id="tspan308">2 H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text309"><tspan + x="1956.74" + y="568.15997" + id="tspan309">⁺</tspan></text> + </g> + <path + id="R_r0465_1" + d="m 1915.43,549.754 c 0.31,7.12 12.67,9.775 12.67,9.775 m -12.33,-14.599 -0.14,62.323 m -0.2,-34.032 c 0.31,7.119 12.67,9.775 12.67,9.775 m -12.67,5.158 c 0.31,7.12 12.67,9.775 12.67,9.775 m -12.31,-37.706 c -0.92,-7.067 -13.46,-8.655 -13.46,-8.655 m 13.46,25.721 c -0.92,-7.066 -13.46,-8.654 -13.46,-8.654" + stroke="#000000" + stroke-width="2.59711" /> + <path + id="F_r0465_1" + d="m 1926.7,600.67 c 7.18,0.889 7.18,0.889 7.18,0.889 l -5.24,-4.996 0.58,2.789 z m 0,-14.933 c 7.18,0.889 7.18,0.889 7.18,0.889 l -5.24,-4.996 0.58,2.789 z m 0,-23.467 c 7.18,0.889 7.18,0.889 7.18,0.889 l -5.24,-4.996 0.58,2.789 z m -13.82,44.514 c 3.26,9.614 3.26,9.614 3.26,9.614 l 2.49,-9.839 -2.78,2.544 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="Group 154"> + <path + id="R_ABUTH" + d="m 1986.97,568.825 c -13.98,2.528 -14.35,11.184 -14.35,11.184 m 0.21,13.917 c 0.32,7.12 12.88,9.775 12.88,9.775 M 1944,537.5 h 28.62 l 0.21,88 h -32.33" + stroke="#000000" + stroke-width="2.49634" /> + <g + id="text7967-0-3-65-5-3-5-1-5"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text310"><tspan + x="1997.05" + y="609.15997" + id="tspan310">₂</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text312"><tspan + x="1988.38" + y="609.15997" + id="tspan311">H</tspan><tspan + x="2001.28" + y="609.15997" + id="tspan312">O</tspan></text> + </g> + <text + id="text7967-0-3-9-14-8-1-8-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1994.04" + y="573.547" + id="tspan313">His</tspan></text> + <path + id="F_ABUTH" + d="m 1986.55,571.054 c 5.12,-5.115 5.12,-5.115 5.12,-5.115 l -7.17,1.061 2.56,1.255 z M 1949.89,535 c -9.89,2.283 -9.89,2.283 -9.89,2.283 l 9.54,3.459 -2.25,-3.018 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="Group 155"> + <text + id="text7967-0-3-9-14-8-1-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2040.26" + y="539.547" + id="tspan314">4abutn</tspan></text> + <path + id="R_ABUTD" + d="m 1974,531.108 c -12,0 -12,-8.108 -12,-8.108 m 57,0 c 0,8.108 -13,8.108 -13,8.108 M 1989,523 c 0,8.108 -11,8.108 -11,8.108 m 60.5,0 H 1946" + stroke="#000000" + stroke-width="1.9651" /> + <g + id="text7967-0-3-65-5-3-5-1-4"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text315"><tspan + x="1987.05" + y="518.15997" + id="tspan315">₂</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text317"><tspan + x="1978.38" + y="518.15997" + id="tspan316">H</tspan><tspan + x="1991.28" + y="518.15997" + id="tspan317">O</tspan></text> + </g> + <g + id="text7967-0-3-65-5-3-5-1-4-4"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text318"><tspan + x="2006.22" + y="521.15997" + id="tspan318">NAD</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text319"><tspan + x="2031.5699" + y="521.15997" + id="tspan319">⁺</tspan></text> + </g> + <path + id="F_ABUTD" + d="m 1960,523 c 2.33,-6.85 2.33,-6.85 2.33,-6.85 l 2.21,6.899 -2.25,-1.743 z m -10.34,11.204 c -9.66,-3.128 -9.66,-3.128 -9.66,-3.128 l 9.81,-2.623 -2.51,2.812 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="Group 152"> + <text + id="text7967-0-3-9-14-8-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1893.15" + y="539.547" + id="tspan320">4abut</tspan></text> + <g + id="text7967-0-3-65-5-3-5-1-2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text321"><tspan + x="1954.5" + y="510.16" + id="tspan321">₂</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text322"><tspan + x="1936.49" + y="510.16" + id="tspan322">CO</tspan></text> + </g> + <g + id="text7967-0-3-65-5-3-5-1-4-4-4"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text323"><tspan + x="1929.0601" + y="488.16" + id="tspan323">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text324"><tspan + x="1937.73" + y="488.16" + id="tspan324">⁺</tspan></text> + </g> + <text + id="text7967-0-3-65-5-3-5-1-4-4-4_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1928.49" + y="471.16" + id="tspan325">NADH</tspan></text> + <path + id="F_GLUDC" + d="m 1912,514.382 c 3.26,9.614 3.26,9.614 3.26,9.614 l 2.49,-9.839 -2.78,2.544 z m 13.82,-10.38 c 7.18,0.888 7.18,0.888 7.18,0.888 l -5.25,-4.995 0.59,2.789 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_GLUDC" + d="m 1914.74,457 c 0,0 0,18.947 0,25 m 0,34.264 c 0,0 0,-17.173 0,-34.264 m 12.48,19.261 c 0,0 -12.36,-2.656 -12.68,-9.775 0.2,-7.986 12.68,-7.986 12.68,-7.986 m -12.48,-1.5 c 0,-15.5 12.48,-15.5 12.48,-15.5" + stroke="#000000" + stroke-width="2.59711" /> + <text + id="text7967-0-3-9-14-8-12" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1901.16" + y="453.547" + id="tspan326">Glu</tspan></text> + </g> + <g + id="g76852"> + <path + id="R_PTRCOX1" + d="m 2083.91,631.5 v -82 m 0.02,53.5 C 2083.97,587.152 2070,587.152 2070,587.152 m 14.47,-15.129 c -0.28,-7.122 -12.62,-9.838 -12.62,-9.838 m 12.12,26.315 c -0.04,13.721 13.41,13.721 13.41,13.721 m -13.33,-32.136 c 0.89,7.071 13.43,8.721 13.43,8.721" + stroke="#000000" + stroke-width="2.47001" /> + <g + id="text7967-0-3-65-5-3-5-1-5-4"> + <text + transform="translate(2099.5,596.5)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text327"><tspan + x="9.0541096" + y="11.1602" + id="tspan327">₂</tspan></text> + <text + transform="translate(2099.5,596.5)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text329"><tspan + x="0.38223499" + y="11.1602" + id="tspan328">H</tspan><tspan + x="13.2779" + y="11.1602" + id="tspan329">O</tspan></text> + </g> + <g + id="text7967-0-3-65-5-3-5-1-5-1"> + <text + transform="translate(2100,572)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text330"><tspan + x="9.6660204" + y="11.1602" + id="tspan330">₂</tspan></text> + <text + transform="translate(2100,572)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text331"><tspan + x="0.32617199" + y="11.1602" + id="tspan331">O</tspan></text> + </g> + <g + id="text7967-0-3-65-5-3-5-1-5-4-8"> + <text + transform="translate(2035,578)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text333"><tspan + x="9.0502005" + y="11.1602" + id="tspan332">₂</tspan><tspan + x="22.613899" + y="11.1602" + id="tspan333">₂</tspan></text> + <text + transform="translate(2035,578)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text335"><tspan + x="0.378328" + y="11.1602" + id="tspan334">H</tspan><tspan + x="13.274" + y="11.1602" + id="tspan335">O</tspan></text> + </g> + <g + id="text7967-0-3-65-5-3-5-1-5-4-6"> + <text + transform="translate(2042,553)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text336"><tspan + x="17.667999" + y="11.1602" + id="tspan336">₃</tspan></text> + <text + transform="translate(2042,553)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text337"><tspan + x="0.32421899" + y="11.1602" + id="tspan337">NH</tspan></text> + </g> + <path + id="F_PTRCOX1" + d="m 2071.52,586.431 -7.17,-1.027 5.15,5.096 -0.53,-2.8 z m 1.69,-25.755 -7.17,-1.027 5.15,5.096 -0.53,-2.8 z m 13.29,-9.176 -2.5,-5 -2,5 2,-1 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="Group 173"> + <text + id="text6041" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2492.49" + y="712.547" + id="tspan338">Putr</tspan></text> + <g + id="Group 146"> + <path + id="R_PTRCtex2" + d="m 2541.14,709.466 h 79.36" + stroke="#000000" + stroke-width="2.38614" /> + <path + id="F_PTRCtex2" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 2616,707 9.65,2.963 -9.65,2.963 2.41,-2.963 z" + stroke="#000000" + stroke-width="2.32327" /> + <path + id="B_PTRCtex2" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 2542.65,711.926 -9.65,-2.963 9.65,-2.963 -2.41,2.963 z" + stroke="#000000" + stroke-width="2.32327" /> + </g> + <g + id="Group 148"> + <path + id="R_SPRMti" + d="m 2533.5,755.562 h 86.28" + stroke="#000000" + stroke-width="2.55439" /> + <text + id="text6049" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2458.3999" + y="759.547" + id="tspan339">spermine</tspan></text> + <path + id="F_SPRMti" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 2617.97,752.005 9.65,2.963 -9.65,2.963 2.42,-2.963 z" + stroke="#000000" + stroke-width="2.32327" /> + </g> + <g + id="Group 149"> + <path + id="R_SPMDtex2" + d="m 2533.5,776.96 h 85.9" + stroke="#000000" + stroke-width="2.55439" /> + <text + id="text6242" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2444.28" + y="781.547" + id="tspan340">spermidine</tspan></text> + <path + id="F_SPMDtex2" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 2618.35,774.165 9.65,2.963 -9.65,2.963 2.41,-2.963 z" + stroke="#000000" + stroke-width="2.32327" /> + </g> + <g + id="Group 147"> + <path + id="R_Dm2oxobutyrate" + d="M 2619.29,733.616 H 2532" + stroke="#000000" + stroke-width="2.51927" /> + <path + id="F_Dm2oxobutyrate" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 2621.67,733.378 -3,-3.009 12.27,3.168 -12.44,2.743 z" + stroke="#000000" + stroke-width="2.62587" /> + <text + id="text6757" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2483.21" + y="737.547" + id="tspan341">2obut</tspan></text> + </g> + </g> + <g + id="Group 23"> + <text + id="text5301" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="438.09399" + y="199.547" + id="tspan342">6Pgl</tspan></text> + <g + id="text6967-4-2-2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text343"><tspan + x="279.22198" + y="221.16" + id="tspan343">NADP</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text344"><tspan + x="312.573" + y="221.16" + id="tspan344">⁺</tspan></text> + </g> + <text + id="text6973-9-4-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="394.48801" + y="224.16" + id="tspan345">NADPH</tspan></text> + <g + id="text6973-9-4-6_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text346"><tspan + x="372.06201" + y="222.16" + id="tspan346">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text347"><tspan + x="380.73401" + y="222.16" + id="tspan347">⁺</tspan></text> + </g> + <text + id="text5365" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="521.203" + y="199.547" + id="tspan348">6PDG</tspan></text> + <g + id="text6967-4-2-2-5"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text349"><tspan + x="563.22198" + y="219.16" + id="tspan349">NADP</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text350"><tspan + x="596.573" + y="219.16" + id="tspan350">⁺</tspan></text> + </g> + <text + id="text6973-9-4-6-5" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="661.48798" + y="225.16" + id="tspan351">NADPH</tspan></text> + <g + id="text6973-9-4-6-5_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text352"><tspan + x="632.48999" + y="225.16" + id="tspan352">CO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text353"><tspan + x="650.50201" + y="225.16" + id="tspan353">₂</tspan></text> + </g> + <g + id="text6973-9-4-6-5_3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text354"><tspan + x="611.06201" + y="225.16" + id="tspan354">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text355"><tspan + x="619.73401" + y="225.16" + id="tspan355">⁺</tspan></text> + </g> + <text + id="text5423" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="723.039" + y="199.547" + id="tspan356">Ru5P</tspan></text> + <path + id="F_PGL" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 510.346,192 c 7.856,2.321 7.856,2.321 7.856,2.321 l -7.856,2.321 1.964,-2.321 z" + stroke="#000000" + stroke-width="2.15194" /> + <g + id="text6955-8-8"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text358"><tspan + x="478.702" + y="218.269" + id="tspan357">H</tspan><tspan + x="491.59698" + y="218.269" + id="tspan358">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text359"><tspan + x="487.37299" + y="218.269" + id="tspan359">₂</tspan></text> + </g> + <path + id="R_G6PDH2r" + d="m 275,194.187 c 0,0 113.403,0 130,0 m 22.984,0 c 0,0 -15.57,0 -22.984,0 M 377.5,205 C 379,196 372,194.187 372,194.187 m -61,0 c -19,0 -19,7.813 -19,7.813 m 113,-7.813 C 413.5,198 412.5,205 412.5,205" + stroke="#000000" + stroke-width="2.22" /> + <path + id="R_PGL" + d="m 496.863,194.307 c -5.445,0.468 -6.668,12.806 -6.668,12.806 M 475,194.178 h 36.052" + stroke="#000000" + stroke-width="2.22" /> + <path + id="R_GND" + d="m 568,194.529 c 0,0 43.578,0 71.5,0 m 71.5,0 c 0,0 -24.456,0 -35,0 m -60.619,13.466 C 617.908,199.345 611.578,194 611.578,194 m -27.439,0.069 c -5.305,1.312 -4.588,13.69 -4.588,13.69 M 639.5,194.529 C 645.5,199.5 643,206 643,206 m -3.5,-11.471 c 17.378,0 19.122,0 36.5,0 m 0,0 C 683.5,199 679.5,206 679.5,206" + stroke="#000000" + stroke-width="2.22" /> + <path + id="B_G6PDH2r" + d="m 275.5,191.5 -5.5,2.249 5.5,2.251 -1,-2.251 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="F_G6PDH2r" + d="m 424.644,196.415 c 7.855,-2.321 7.855,-2.321 7.855,-2.321 l -7.855,-2.322 1.964,2.322 z" + stroke="#000000" + stroke-width="2.23952" + stroke-miterlimit="5.75877" /> + <path + id="F_GND" + d="m 614,207 1.612,4.5 1.817,-5.101 -1.817,1.759 z" + stroke="#000000" + stroke-width="2.23952" + stroke-miterlimit="5.75877" /> + <text + id="text6925-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="830.73199" + y="260.16" + id="tspan360">AMP</tspan></text> + <text + id="text6919-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="789.508" + y="267.16" + id="tspan361">ATP</tspan></text> + <path + id="R_PRPPS" + d="m 833.734,281.639 c 10.5,-0.227 8.5,-11.639 8.5,-11.639 m -42,0 c -2.542,9.137 7,11.412 7,11.412 M 771,281.639 h 142.234" + stroke="#000000" + stroke-width="1.66214" /> + <path + id="F_PRPPS" + d="m 844.169,270.087 c -1.947,-7.446 -1.947,-7.446 -1.947,-7.446 l -1.488,7.518 1.66,-1.906 z m 68.565,9.413 4,1.982 -4,1.518 1,-1.518 z" + stroke="#000000" + stroke-width="2.23952" + stroke-miterlimit="5.75877" /> + <text + id="text5423-5" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="735.42999" + y="285.547" + id="tspan362">R5P</tspan></text> + <path + id="R_RPI" + d="m 748.844,216.455 v 44.36" + stroke="#000000" + stroke-width="1.95125" /> + <path + id="F_RPI" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 751.437,260.268 c -2.321,7.855 -2.321,7.855 -2.321,7.855 l -2.321,-7.855 2.321,1.963 z" + stroke="#000000" + stroke-width="2.15194" /> + <path + id="B_RPI" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 746.391,216.36 2.321,-7.855 2.322,7.855 -2.322,-1.964 z" + stroke="#000000" + stroke-width="2.15194" /> + <path + id="F_RPE" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 695.719,260.514 -2.224,7.457 -2.495,-7.371 2.394,1.81 z" + stroke="#000000" + stroke-width="2.61244" /> + <text + id="text5423-5-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="673.422" + y="285.547" + id="tspan363">Xil5P</tspan></text> + <path + id="R_RPE" + d="m 693.954,265.267 c 0.981,-7.257 -1.907,-24.438 8.205,-24.436 15.972,0.005 36.578,0.722 36.565,-0.777 -0.314,-36.694 -0.111,24.899 -0.111,-28.179" + stroke="#000000" + stroke-width="2.2" /> + <path + id="B_TKT1" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 705.388,295.579 -1.821,-5.561 5.448,1.677 -2.531,0.918 z m 26.833,-2.8 5.385,-2.17 -3.328,5.208 0.061,-2.441 z" + stroke="#000000" + stroke-width="2.01493" + stroke-miterlimit="5.75877" /> + <path + id="F_TKT1" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 735.274,315.056 1.37,4.046 -3.966,-1.128 2.023,-0.692 z m -32.157,4.345 -4.551,1.471 2.129,-3.933 0.364,1.689 z" + stroke="#000000" + stroke-width="2.01493" + stroke-miterlimit="7.6613" /> + <path + id="R_TKT1" + d="m 733.553,294.128 -31.515,23.784 m 4.666,-24.566 28.489,24.208" + stroke="#000000" + stroke-width="1.89532" /> + <text + id="text5423-5-7-0-0" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="667.03101" + y="338.547" + id="tspan364">Sed7P</tspan></text> + <text + id="text5423-5-7-5-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="723.203" + y="338.547" + id="tspan365">GA3P</tspan></text> + <path + id="B_TALA" + fill-rule="evenodd" + clip-rule="evenodd" + d="M 734.93,348.711 C 737.415,343 737.415,343 737.415,343 l -4.885,3 2.121,0.267 z m -21.592,-1.458 c -5.024,-2.679 -5.024,-2.679 -5.024,-2.679 l 2.76,5.54 0.159,-2.458 z" + stroke="#000000" + stroke-width="1.99646" /> + <path + id="F_TALA" + fill-rule="evenodd" + clip-rule="evenodd" + d="M 710.597,372.745 C 708,378.389 708,378.389 708,378.389 l 4.943,-2.872 -2.116,-0.322 z m 22.685,4.164 c 4.979,2.785 4.979,2.785 4.979,2.785 l -2.67,-5.598 -0.198,2.454 z" + stroke="#000000" + stroke-width="1.99646" /> + <path + id="R_TALA" + d="m 710.371,346.635 24.481,28.284 M 735.481,345.653 711,373.937" + stroke="#000000" + stroke-width="1.99646" /> + <text + id="text5423-5-7-5-7-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="730.32001" + y="394.547" + id="tspan366">F6P</tspan></text> + <text + id="text5423-5-7-0-97-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="480.07001" + y="338.547" + id="tspan367">Sed1,7BP</tspan></text> + <text + id="text5423-5-7-0-9-85-9" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="430.30499" + y="360.547" + id="tspan368">Ery4P</tspan></text> + <text + id="text5423-5-7-0-9-85-2-0" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="386.32001" + y="338.547" + id="tspan369">DHAP</tspan></text> + <text + id="text6919-6-3-1" + transform="translate(624,302)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.27343801" + y="11.1602" + id="tspan370">ATP</tspan></text> + <text + id="text6919-6-3-4-9" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="573.15997" + y="313.16" + id="tspan371">ADP</tspan></text> + <path + id="R_r0408" + d="M 586.5,333.616 C 577.5,330.5 582,322 582,322 m 53.5,1 c 1.379,8.906 -8.5,10.616 -8.5,10.616 m 26.381,0 H 565" + stroke="#000000" + stroke-width="1.95125" /> + <path + id="F_r0408" + d="m 579.5,322.5 3.5,-5 1,6 -2,-2 z m -13.12,9.037 -5.38,2.386 4.5,1.577 -0.939,-1.577 z" + stroke="#000000" + stroke-width="2.23952" + stroke-miterlimit="5.75877" /> + <path + id="B_r0408" + d="m 633.5,323 1.5,-5 2,5 -2,-1.5 z m 19.379,12.802 7.278,-2.755 -7.531,-1.959 1.978,2.257 z" + stroke="#000000" + stroke-width="2.23952" + stroke-miterlimit="5.75877" /> + <path + id="R_r0407" + d="m 440.923,334.15 24.817,0.279 M 454.939,334 c -5.475,0.93 -4.547,9.214 -4.547,9.214" + stroke="#000000" + stroke-width="1.86453" /> + <path + id="B_r0407" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 464.801,336.639 c 2.589,-0.868 5.178,-1.736 7.766,-2.605 -2.644,-0.678 -5.289,-1.356 -7.934,-2.034 0.682,0.749 1.364,1.499 2.047,2.248 -0.626,0.797 -1.253,1.594 -1.879,2.391 z" + stroke="#000000" + stroke-width="1.95125" /> + <path + id="F_r0407" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 443.8,332.084 c -7.8,2.503 -7.8,2.503 -7.8,2.503 l 7.907,2.138 -2.017,-2.275 z m 5.047,10.192 1.653,5.224 2.34,-5.025 -2.079,1.615 z" + stroke="#000000" + stroke-width="1.95125" + stroke-miterlimit="5.75877" /> + <text + id="text5423-5-7-0-9-87" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="675.30499" + y="394.547" + id="tspan372">Ery4P</tspan></text> + <path + id="B_TKT2" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 668.971,394.439 c 3.339,-4.178 3.339,-4.178 3.339,-4.178 l -6.905,2.295 3.064,0.132 z m -1.816,17.959 c 7.116,2.067 7.116,2.067 7.116,2.067 l -3.739,-4.063 -0.332,1.764 z" + stroke="#000000" + stroke-width="2.03254" /> + <path + id="F_TKT2" + fill-rule="evenodd" + clip-rule="evenodd" + d="M 638.471,409.413 C 635,413.555 635,413.555 635,413.555 l 6.977,-2.22 -3.059,-0.166 z m 3.576,-17.254 C 635.013,390 635.013,390 635.013,390 l 3.579,4.111 0.4,-1.76 z" + stroke="#000000" + stroke-width="2.03254" /> + <path + id="R_TKT2" + d="m 669.907,392.554 -31.661,18.291 m 32.761,0.47 -31.661,-18.291" + stroke="#000000" + stroke-width="1.8258" /> + <text + id="text5423-5-7-0-9-8-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="588.203" + y="419.547" + id="tspan373">GA3P</tspan></text> + <text + id="text5423-5-7-5-7-4-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="600.32001" + y="392.547" + id="tspan374">F6P</tspan></text> + <text + id="text5423-5-7-7-8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="675.422" + y="419.547" + id="tspan375">Xil5P</tspan></text> + <path + id="B_RPE" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 741.038,215.457 -2.224,-7.457 -2.496,7.371 2.394,-1.811 z" + stroke="#000000" + stroke-width="2.61244" /> + </g> + <g + id="Group 24"> + <text + id="text5630" + transform="rotate(0.808348,-28675.529,115046.02)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.160156" + y="11.1602" + id="tspan376">ADP</tspan></text> + <text + id="text5634" + transform="rotate(-0.829907,29539.626,-109837.75)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.27343801" + y="11.1602" + id="tspan377">ATP</tspan></text> + <text + id="text5640" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1641.49" + y="406.547" + id="tspan378">dTTP</tspan></text> + <path + id="B_NDPK4" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1610.24,408.854 c 1.9,5.513 1.9,5.513 1.9,5.513 l 1.9,-5.514 -1.9,1.379 z M 1607.52,398 c -7.52,2.457 -7.52,2.457 -7.52,2.457 l 7.64,2.023 -1.95,-2.186 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <path + id="F_NDPK4" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1629.41,402.702 c 7.55,-2.358 7.55,-2.358 7.55,-2.358 l -7.62,-2.124 1.93,2.212 z m -7,6.152 c 1.83,5.701 1.83,5.701 1.83,5.701 l 1.28,-5.879 -1.49,1.536 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <g + id="R_NDPK4"> + <path + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1617.22,400.462 c -5.26,0.758 -5.05,9.322 -5.05,9.322 z m 6.46,9.809 c 2.83,-5.9 -3.18,-9.764 -3.18,-9.764 z m 6.09,-9.856 -24.35,0.11 z" + fill="#2b0000" + id="path378" /> + <path + d="m 1617.22,400.462 c -5.26,0.758 -5.05,9.322 -5.05,9.322 m 11.51,0.487 c 2.83,-5.9 -3.18,-9.764 -3.18,-9.764 m 9.27,-0.092 -24.35,0.11" + stroke="#000000" + stroke-width="1.95125" + id="path379" /> + </g> + <path + id="R_OMPDC" + d="m 1104.46,353.046 c 6.96,-1.373 5.19,-12.972 5.19,-12.972 M 1088,353.046 c 6.96,-1.373 1.5,-12.972 1.5,-12.972 m -25.5,13.35 c 6.5,-3.424 0,-13.35 0,-13.35 m -43.5,13.35 c 6.96,-1.373 7,-12.974 7,-12.974 M 942,293 v 60.424 h 181 m -39.47,0.037 c -7.02,1.54 -6.42,12.951 -6.42,12.951 m -15.48,-12.951 c -7.03,1.54 -6.43,12.951 -6.43,12.951 m -25.37,-12.951 c -7.03,1.54 -6.43,12.951 -6.43,12.951 m -16.66,-12.951 c -7.025,1.54 -6.42,12.951 -6.42,12.951 M 983.556,354.05 c -7.029,1.539 -6.428,12.95 -6.428,12.95 m -19.331,-13.408 c -7.03,1.54 -6.428,12.951 -6.428,12.951 m 48.951,-13.119 c 6.95,-1.373 5.18,-12.974 5.18,-12.974 m -32,12.974 c 6.959,-1.372 5,-14.424 5,-14.424" + stroke="#000000" + stroke-width="2.20342" /> + <text + id="text7967-4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="922" + y="288.31201" + id="tspan379">PRPP</tspan></text> + <text + id="text6997-5-1-8-3-7-4-9" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="988.49402" + y="305.16" + id="tspan380">Gly</tspan></text> + <text + id="text6997-5-1-8-3-71-2-7-5" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1041.47" + y="305.16" + id="tspan381">2 10fTHF</tspan></text> + <text + id="text6997-5-1-8-3-7-7-9-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="959.42999" + y="260.16" + id="tspan382">2 THF</tspan></text> + <text + id="text6997-5-1-8-3-71-5-6-19" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1066.16" + y="261.16" + id="tspan383">PPi</tspan></text> + <text + id="text6997-5-1-8-3-71-5-7-36-5" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1125.48" + y="261.16" + id="tspan384">4 ADP</tspan></text> + <text + id="text6997-5-1-8-3-71-5-7-3-5-0" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1033.49" + y="260.16" + id="tspan385">Fum</tspan></text> + <text + id="text7967-5-8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="957.14502" + y="305.16" + id="tspan386">2 Gln</tspan></text> + <text + id="text6997-5-1-8-3-71-5-6-1-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="999.14502" + y="260.16" + id="tspan387">2 Glu</tspan></text> + <text + id="text6997-5-1-8-3-7-4-9-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1132.1" + y="305.16" + id="tspan388">4 ATP</tspan></text> + <text + id="text6997-5-1-8-3-7-4-9-2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1010.16" + y="304.16" + id="tspan389">Asp</tspan></text> + <g + id="text6997-5-1-8-3-7-4-9-7"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text391"><tspan + x="1101.38" + y="305.16" + id="tspan390">H</tspan><tspan + x="1114.28" + y="305.16" + id="tspan391">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text392"><tspan + x="1110.05" + y="305.16" + id="tspan392">₂</tspan></text> + </g> + <g + id="text7967-5-8-5"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text393"><tspan + x="1169.49" + y="305.16" + id="tspan393">CO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text394"><tspan + x="1187.5" + y="305.16" + id="tspan394">₂</tspan></text> + </g> + <text + id="text6997-5-1-8-3-7-4-9-4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1012.16" + y="377.16" + id="tspan395">Asp</tspan></text> + <text + id="text6997-5-1-8-3-71-2-7-5-2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="928.09802" + y="377.16" + id="tspan396">2 ATP</tspan></text> + <g + id="text6997-5-1-8-3-7-7-9-1-8"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text397"><tspan + x="965.48999" + y="328.16" + id="tspan397">QH</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text398"><tspan + x="983.50201" + y="328.16" + id="tspan398">₂</tspan></text> + </g> + <text + id="text6997-5-1-8-3-71-5-7-36-5-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1017.48" + y="330.16" + id="tspan399">2 ADP</tspan></text> + <text + id="text7967-5-8-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="968.15399" + y="377.16" + id="tspan400">Gln</tspan></text> + <text + id="text6997-5-1-8-3-71-5-6-1-3-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="993.15399" + y="330.16" + id="tspan401">Glu</tspan></text> + <g + id="text6997-5-1-8-3-7-4-9-6-3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text402"><tspan + x="1064.35" + y="377.16" + id="tspan402">HCO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text403"><tspan + x="1091.03" + y="377.16" + id="tspan403">₃</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text404"><tspan + x="1095.25" + y="377.16" + id="tspan404">⁻</tspan></text> + </g> + <text + id="text6997-5-1-8-3-7-4-9-2-2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="995.33002" + y="377.16" + id="tspan405">Q</tspan></text> + <g + id="text6997-5-1-8-3-7-4-9-7-7"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text406"><tspan + x="1048.0601" + y="377.16" + id="tspan406">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text407"><tspan + x="1056.73" + y="377.16" + id="tspan407">⁺</tspan></text> + </g> + <text + id="text6997-5-1-8-3-71-5-7-36-5-8-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1083.84" + y="331.27802" + id="tspan408">PPi</tspan></text> + <g + id="text6997-5-1-8-3-71-5-7-36-5-8-9"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text409"><tspan + x="1107.49" + y="331.16" + id="tspan409">CO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text410"><tspan + x="1125.5" + y="331.16" + id="tspan410">₂</tspan></text> + </g> + <text + id="text7967-0-3-6-2-78" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1221.1" + y="358.547" + id="tspan411">UDP</tspan></text> + <text + id="text7967-0-3-65-5-4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1171.27" + y="336.16" + id="tspan412">ATP</tspan></text> + <text + id="text7967-0-3-65-1-8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1196.16" + y="336.16" + id="tspan413">ADP</tspan></text> + <text + id="text7967-0-3-6-2-7-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1212.21" + y="406.547" + id="tspan414">dUDP</tspan></text> + <g + id="text7967-0-3-65-1-3-5"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text416"><tspan + x="1255.38" + y="378.16" + id="tspan415">H</tspan><tspan + x="1268.28" + y="378.16" + id="tspan416">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text417"><tspan + x="1264.05" + y="378.16" + id="tspan417">₂</tspan></text> + </g> + <path + id="B_UMPK" + d="m 1189.5,344.52 -1.5,-3.5 -1.5,3.5 1.68,-0.617 z m -8,7 -6.5,2.355 6.51,2.296 -1.82,-2.296 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="F_UMPK" + d="M 1202.51,344.933 C 1200.82,340 1200.82,340 1200.82,340 l -2.49,4.771 2.19,-1.132 z m 7.08,11.614 c 7.49,-2.521 7.49,-2.521 7.49,-2.521 l -7.66,-1.958 1.98,2.169 z" + stroke="#000000" + stroke-width="2.66667" /> + <text + id="text7967-0-3-6-2-2-7" + transform="rotate(-0.392185,57966.048,-190163.26)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.328125" + y="14.5469" + id="tspan418">dUMP</tspan></text> + <text + id="text7967-0-3-2-3" + transform="rotate(0.808348,-28857.529,89246.093)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.160156" + y="11.1602" + id="tspan419">ADP</tspan></text> + <text + id="text7967-0-3-1-6" + transform="rotate(-0.829907,29385.126,-88505.134)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.27343801" + y="11.1602" + id="tspan420">ATP</tspan></text> + <text + id="text7967-0-3-6-2-2-4" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1458.22" + y="405.547" + id="tspan421">dTMP</tspan></text> + <text + id="text7967-0-3-2-4" + transform="rotate(-0.416974,57898.223,-184605.41)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.30078101" + y="11.1602" + id="tspan422">5,10meTHF</tspan></text> + <text + id="text7967-0-3-1-5" + transform="rotate(0.26617,-88834.504,307398.67)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.160156" + y="11.1602" + id="tspan423">DHF</tspan></text> + <text + id="text7967-0-3-6-2-0" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1302.49" + y="358.547" + id="tspan424">UTP</tspan></text> + <text + id="text7967-0-3-6-2-7-4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1440.49" + y="358.547" + id="tspan425">CTP</tspan></text> + <text + id="text7967-0-3-65-1-3-2" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1409.16" + y="337.16" + id="tspan426">ADP</tspan></text> + <text + id="text7967-0-3-65-1-3-2_2" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1393.16" + y="337.16" + id="tspan427">Pi</tspan></text> + <text + id="text7967-0-3-65-1-3-2-5" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1336.27" + y="337.16" + id="tspan428">ATP</tspan></text> + <g + id="text7967-0-3-65-1-3-2-5_2"> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text429"><tspan + x="1363.3199" + y="337.16" + id="tspan429">NH</tspan></text> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text430"><tspan + x="1380.67" + y="337.16" + id="tspan430">₃</tspan></text> + </g> + <text + id="text7967-0-3-6-2-7-4-3" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1537.46" + y="358.423" + id="tspan431">CDP</tspan></text> + <g + id="text7967-0-3-65-5-3-5-1"> + <text + transform="rotate(0.250513,-73085.409,361085.02)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text433"><tspan + x="0.38223499" + y="11.1602" + id="tspan432">H</tspan><tspan + x="13.2779" + y="11.1602" + id="tspan433">O</tspan></text> + <text + transform="rotate(0.250513,-73085.409,361085.02)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text434"><tspan + x="9.0541096" + y="11.1602" + id="tspan434">₂</tspan></text> + </g> + <text + id="text7967-0-3-6-2-7-4-3-9-7" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1605.21" + y="357.349" + id="tspan435">dCDP</tspan></text> + <text + id="text7967-0-3-65-5-3-5-8" + transform="rotate(0.250513,-72361.769,378237.03)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.27343801" + y="11.1602" + id="tspan436">ATP</tspan></text> + <text + id="text7967-0-3-65-1-2-4-9" + transform="rotate(-0.639009,29556.536,-150383.31)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.160156" + y="11.1602" + id="tspan437">ADP</tspan></text> + <path + d="m 1670.46,337.15 c -2.87,10.073 3.56,16.573 3.56,16.573 m 3.45,-0.202 c 5.59,-1.26 5.2,-14.749 5.2,-14.749 m -24.28,14.67 33.74,0.294" + stroke="#000000" + stroke-width="2.23449" + id="path438" + inkscape:label="R_NDPK7" /> + <path + id="F_NDPK7" + d="m 1684.65,340.48 c -1.45,-7.288 -1.45,-7.288 -1.45,-7.288 l -1.86,7.16 1.71,-1.742 z m 5.79,15.4 c 7.48,-2.544 7.48,-2.544 7.48,-2.544 l -7.66,-1.935 1.98,2.163 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="B_NDPK7" + d="m 1671.3,341.229 c -1.44,-7.289 -1.44,-7.289 -1.44,-7.289 l -1.87,7.16 1.71,-1.742 z m -10.92,10.221 c -7.52,2.444 -7.52,2.444 -7.52,2.444 l 7.64,2.036 -1.96,-2.189 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.23952" /> + <path + d="m 1269.09,401.009 24.35,0.11 m -18.26,9.747 c -2.83,-5.901 3.18,-9.765 3.18,-9.765 m 3.28,-0.044 c 5.26,0.758 5.05,9.321 5.05,9.321" + stroke="#000000" + stroke-width="1.95125" + id="path440" + inkscape:label="R_URIDK2r" /> + <path + id="R_UMPK" + d="m 1177,353.831 33.95,0.192 m -23.09,-10.669 c -1.46,6.58 4.5,10.071 4.5,10.071 m 5.17,0.629 c 4.5,-1.356 2.82,-10.457 2.82,-10.457" + stroke="#000000" + stroke-width="1.95125" /> + <path + id="B_URIDK2r" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1276.45,409.448 c -1.83,5.701 -1.83,5.701 -1.83,5.701 l -1.28,-5.879 1.49,1.536 z m -7,-6.152 c -7.55,-2.358 -7.55,-2.358 -7.55,-2.358 l 7.62,-2.124 -1.93,2.212 z" + stroke="#000000" + stroke-width="1.95125" /> + <path + d="m 1421,353 c 6.37,-0.976 0.5,-9 0.5,-9 m -51,0 c -5,5 3.5,9 3.5,9 m -35,0 c 0,0 4.55,0 12.5,0 m 79.5,0 c 0,0 -14.58,0 -29.5,0 m 0,0 c 7.34,-4.179 0,-9.5 0,-9.5 m 0,9.5 c -12.4,0 -38.55,0 -50,0 m 0,0 c 0,0 -6.39,-2.695 -2.72,-9" + stroke="#000000" + stroke-width="1.82832" + id="path442" + inkscape:label="R_CTPS1" /> + <path + id="F_URIDK2r" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1291.34,398.594 c 7.52,2.457 7.52,2.457 7.52,2.457 l -7.64,2.023 1.95,-2.186 z m -2.72,10.854 c -1.9,5.513 -1.9,5.513 -1.9,5.513 l -1.9,-5.514 1.9,1.379 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <text + id="text7967-0-3-8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1134.22" + y="358.86801" + id="tspan442">UMP</tspan></text> + <text + id="text7967-0-3" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1507.27" + y="286.547" + id="tspan443">GMP</tspan></text> + <text + id="text7967-0-3-6-2" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1508.16" + y="215.547" + id="tspan444">GDP</tspan></text> + <text + id="text7967-0-3-6-2-7" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1503.27" + y="168.547" + id="tspan445">dGDP</tspan></text> + <g + id="text7967-0-3-65-1-3"> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text446"><tspan + x="1493.83" + y="190.16" + id="tspan446">2</tspan></text> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text448"><tspan + x="1485.15" + y="190.16" + id="tspan447">H</tspan><tspan + x="1500.51" + y="190.16" + id="tspan448">O</tspan></text> + </g> + <text + id="text7967-0-3-0" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1193.22" + y="208.547" + id="tspan449">AMP</tspan></text> + <text + id="text7967-0-3-2-0" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1166.16" + y="166.16" + id="tspan450">ADP</tspan></text> + <text + id="text7967-0-3-9" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1194.1" + y="138.547" + id="tspan451">ADP</tspan></text> + <text + id="text7967-0-3-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1166.27" + y="180.16" + id="tspan452">ATP</tspan></text> + <g + id="text7967-0-3-2-2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text454"><tspan + x="1231.38" + y="161.644" + id="tspan453">H</tspan><tspan + x="1244.28" + y="161.644" + id="tspan454">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text455"><tspan + x="1240.05" + y="161.644" + id="tspan455">₂</tspan></text> + </g> + <text + id="text7967-0-3-9-1" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1265.21" + y="138.547" + id="tspan456">dADP</tspan></text> + <path + id="R_RNDR1" + d="m 1236.86,132.078 c 5.98,1.334 5.48,11.24 5.48,11.24 m 12.82,-11.229 -23.25,0.27" + stroke="#000000" + stroke-width="2.42" /> + <path + id="B_ADK1" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1198.37,177.248 c -6.72,-1.607 -6.72,-1.607 -6.72,-1.607 l 6.52,-2.247 -1.56,2.007 z m 14.51,7.989 c -2.42,7.53 -2.42,7.53 -2.42,7.53 l -2.06,-7.634 2.19,1.948 z" + stroke="#000000" + stroke-width="1.95125" /> + <path + id="F_ADK1" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1208.48,152.497 c 0.84,-2.499 1.68,-4.998 2.52,-7.497 0.65,2.553 1.31,5.107 1.96,7.66 -0.72,-0.659 -1.45,-1.317 -2.17,-1.976 -0.77,0.604 -1.54,1.209 -2.31,1.813 z m -9.82,13.418 c -2.04,-0.508 -4.07,-1.016 -6.11,-1.525 1.96,-0.816 3.91,-1.632 5.86,-2.449 -0.46,0.701 -0.91,1.402 -1.37,2.103 0.54,0.624 1.08,1.247 1.62,1.871 z" + stroke="#000000" + stroke-width="1.95125" /> + <path + id="R_ADK1" + d="m 1210.75,171.394 c -1.34,5.102 -13.28,4.237 -13.28,4.237 m -0.06,-11.322 c 8.38,-2.319 13.45,3.865 13.45,3.865 m -0.01,18.437 -0.2,-35.02" + stroke="#000000" + stroke-width="1.95125" /> + <path + id="F_CTPS1" + d="m 1430,354.5 4.5,-1.5 -4.5,-2 1,2 z m -7,-11.5 -3,-2 v 3 l 1,-1 z" + fill="#2b0000" + stroke="#000000" + stroke-width="2.23952" + stroke-miterlimit="5.75877" /> + <path + id="F_RNDR4" + d="m 1235,384.091 c 2.52,7.495 2.52,7.495 2.52,7.495 l 1.96,-7.661 -2.17,1.978 z m 10.07,-8.418 c 7.19,-1.88 7.19,-1.88 7.19,-1.88 l -7.26,-1.437 1.84,1.603 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_RNDR4" + d="m 1237.4,363 -0.3,21.851 m -0.12,-16.878 c 0.21,4.959 8.71,6.835 8.71,6.835" + stroke="#000000" + stroke-width="2.13867" /> + <path + id="F_RNDR1" + d="m 1244.15,142.183 c -1.88,7.189 -1.88,7.189 -1.88,7.189 l -1.44,-7.259 1.6,1.841 z M 1253.68,130 c 7.53,2.416 7.53,2.416 7.53,2.416 l -7.63,2.065 1.94,-2.197 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text5529" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1576.16" + y="141.16" + id="tspan457">ADP</tspan></text> + <text + id="text5537" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1551.27" + y="141.16" + id="tspan458">ATP</tspan></text> + <text + id="text5543" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1606.16" + y="168.547" + id="tspan459">dGTP</tspan></text> + <text + id="text5547" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1337.16" + y="164.16" + id="tspan460">ADP</tspan></text> + <text + id="text5555" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1311.27" + y="164.16" + id="tspan461">ATP</tspan></text> + <g + id="R_NDPK8"> + <path + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1347.03,131.741 -23.95,0.27 z m -17.62,13.477 c -2.32,-8.385 3.86,-13.457 3.86,-13.457 z m 7.08,-13.343 c 5.1,1.34 4.24,13.279 4.24,13.279 z" + fill="#2b0000" + id="path461" /> + <path + d="m 1347.03,131.741 -23.95,0.27 m 6.33,13.207 c -2.32,-8.385 3.86,-13.457 3.86,-13.457 m 3.22,0.114 c 5.1,1.34 4.24,13.279 4.24,13.279" + stroke="#000000" + stroke-width="1.95125" + id="path462" /> + </g> + <path + id="B_NDPK8" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1330.68,144.434 c -0.51,2.035 -1.01,4.069 -1.52,6.103 -0.82,-1.953 -1.63,-3.906 -2.45,-5.86 0.7,0.458 1.4,0.916 2.1,1.374 0.63,-0.539 1.25,-1.078 1.87,-1.617 z m -7.18,-9.825 c -2.5,-0.839 -5,-1.677 -7.5,-2.515 2.55,-0.655 5.11,-1.31 7.66,-1.964 -0.66,0.723 -1.32,1.447 -1.98,2.17 0.61,0.77 1.21,1.539 1.82,2.309 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <path + id="F_NDPK8" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1346.1,130 c 7.53,2.416 7.53,2.416 7.53,2.416 l -7.63,2.065 1.95,-2.197 z m -3.31,14.514 c -1.61,6.716 -1.61,6.716 -1.61,6.716 l -2.24,-6.524 2,1.559 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <text + id="text5562" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1358.2" + y="137.547" + id="tspan462">dATP</tspan></text> + <text + id="text5590" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1702.1" + y="357.547" + id="tspan463">dCTP</tspan></text> + <text + id="text5608" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1552.1" + y="405.547" + id="tspan464">dTDP</tspan></text> + <text + id="text3994" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1094.15" + y="261.16" + id="tspan465">4 Pi</tspan></text> + <path + id="R_IMPC" + d="m 1133.07,282.116 c 6.15,-1.216 4.58,-11.488 4.58,-11.488 m -128.18,10.96 c 6.15,-1.216 4.59,-11.489 4.59,-11.489 m -36.2,11.489 c 6.15,-1.216 4.588,-11.489 4.588,-11.489 m 116.342,12.017 c 6.15,-1.216 4.58,-11.488 4.58,-11.488 m -134.197,11.03 222.107,1.113 m -123.01,-0.134 c 6.15,-1.216 4.59,-11.488 4.59,-11.488 m -32.91,11.48 c 6.15,-1.215 4.59,-11.488 4.59,-11.488 m -60.504,11.079 c -6.214,1.364 -5.682,11.469 -5.682,11.469 m 26.466,-11.064 c -6.213,1.363 -5.681,11.469 -5.681,11.469 m 25.751,-11.99 c -6.21,1.363 -5.68,11.469 -5.68,11.469 m 50.38,-11.469 c -6.21,1.363 -5.68,11.469 -5.68,11.469 m 90.24,-11.469 c -6.21,1.363 -5.68,11.469 -5.68,11.469 m 32.41,-11.469 c -6.22,1.363 -5.68,11.469 -5.68,11.469 m -57.14,-10.613 c -6.22,1.363 -5.68,11.469 -5.68,11.469" + stroke="#000000" + stroke-width="2.11249" /> + <path + id="F_IMPC" + d="m 1139.79,272.199 c -1.88,-7.188 -1.88,-7.188 -1.88,-7.188 l -1.43,7.258 1.6,-1.841 z m 47.94,12.745 c 7.55,-2.356 7.55,-2.356 7.55,-2.356 l -7.62,-2.125 1.93,2.211 z M 984.511,270.537 c -1.88,-7.188 -1.88,-7.188 -1.88,-7.188 l -1.436,7.258 1.602,-1.841 z m 31.579,0 c -1.88,-7.188 -1.88,-7.188 -1.88,-7.188 l -1.44,7.258 1.61,-1.841 z m 30.43,0.857 c -1.88,-7.188 -1.88,-7.188 -1.88,-7.188 l -1.43,7.258 1.6,-1.841 z m 28.26,0.805 c -1.88,-7.188 -1.88,-7.188 -1.88,-7.188 l -1.44,7.258 1.61,-1.841 z m 30.73,0 c -1.88,-7.188 -1.88,-7.188 -1.88,-7.188 l -1.43,7.258 1.6,-1.841 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text4002" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1199.03" + y="286.99799" + id="tspan466">IMP</tspan></text> + <text + id="text4053" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1058.87" + y="331.15701" + id="tspan467">2 Pi</tspan></text> + <path + id="F_OMPDC" + d="m 1111.62,340.747 c -1.88,-7.189 -1.88,-7.189 -1.88,-7.189 l -1.44,7.259 1.6,-1.841 z m -20.26,0 c -1.88,-7.189 -1.88,-7.189 -1.88,-7.189 l -1.44,7.259 1.61,-1.841 z m -24.93,0 c -1.88,-7.189 -1.88,-7.189 -1.88,-7.189 l -1.44,7.259 1.61,-1.841 z m -37.4,0 c -1.88,-7.189 -1.88,-7.189 -1.88,-7.189 l -1.43,7.259 1.6,-1.841 z M 1121,357 l 8,-3.5 -8,-3.5 2,3.5 z M 980.316,339.189 C 978.436,332 978.436,332 978.436,332 l -1.436,7.258 1.603,-1.84 z m 26.904,1.558 c -1.88,-7.189 -1.88,-7.189 -1.88,-7.189 l -1.44,7.259 1.61,-1.841 z" + stroke="#000000" + stroke-width="2.23952" /> + <g + id="R_TMDS"> + <path + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1364.19,400.415 80.81,-0.108 z m 6.09,9.701 c -2.83,-5.901 3.18,-9.765 3.18,-9.765 z m 60.72,-9.791 c 8,1.175 9.5,9.175 9.5,9.175 z" + fill="#2b0000" + id="path467" /> + <path + d="m 1364.19,400.415 80.81,-0.108 m -74.72,9.809 c -2.83,-5.901 3.18,-9.765 3.18,-9.765 m 57.54,-0.026 c 8,1.175 9.5,9.175 9.5,9.175" + stroke="#000000" + stroke-width="1.95125" + id="path468" /> + </g> + <path + id="B_TMDS" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1371.55,408.698 c -1.83,5.701 -1.83,5.701 -1.83,5.701 l -1.28,-5.879 1.49,1.536 z m -7,-5.997 c -7.55,-2.357 -7.55,-2.357 -7.55,-2.357 l 7.62,-2.124 -1.93,2.212 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <path + id="F_TMDS" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1444.53,398 c 7.51,2.457 7.51,2.457 7.51,2.457 l -7.64,2.023 1.96,-2.186 z m -2.72,10.698 c -1.91,5.513 -1.91,5.513 -1.91,5.513 l -1.9,-5.514 1.9,1.379 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <text + id="text4125" + transform="rotate(0.808348,-28686.836,108559.65)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.160156" + y="11.1602" + id="tspan468">ADP</tspan></text> + <text + id="text4129" + transform="rotate(-0.829907,29494.126,-103555.33)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.27343801" + y="11.1602" + id="tspan469">ATP</tspan></text> + <g + id="R_DTMPK"> + <path + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1516.45,400.415 24.35,0.11 z m 6.08,9.857 c -2.82,-5.901 3.19,-9.765 3.19,-9.765 z m 6.47,-9.81 c 5.26,0.759 5.04,9.322 5.04,9.322 z" + fill="#2b0000" + id="path469" /> + <path + d="m 1516.45,400.415 24.35,0.11 m -18.27,9.747 c -2.82,-5.901 3.19,-9.765 3.19,-9.765 m 3.28,-0.045 c 5.26,0.759 5.04,9.322 5.04,9.322" + stroke="#000000" + stroke-width="1.95125" + id="path470" /> + </g> + <path + id="B_DTMPK" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1523.81,408.854 c -1.83,5.7 -1.83,5.7 -1.83,5.7 l -1.28,-5.879 1.49,1.537 z m -7,-6.153 c -7.55,-2.357 -7.55,-2.357 -7.55,-2.357 l 7.62,-2.124 -1.93,2.212 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <path + id="F_DTMPK" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1538.7,398 c 7.52,2.457 7.52,2.457 7.52,2.457 l -7.65,2.023 1.96,-2.186 z m -2.72,10.854 c -1.91,5.513 -1.91,5.513 -1.91,5.513 l -1.9,-5.514 1.91,1.379 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <text + id="text4162" + transform="rotate(0.808348,-22394.837,91002.335)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.160156" + y="11.1602" + id="tspan470">ADP</tspan></text> + <text + id="text4166" + transform="rotate(-0.829907,23131.44,-86617.272)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.27343801" + y="11.1602" + id="tspan471">ATP</tspan></text> + <g + id="R_NDPK2"> + <path + d="m 1268.26,352.978 24.35,-0.111 m -18.27,-9.746 c -2.82,5.9 3.19,9.764 3.19,9.764 m 3.28,0.045 c 5.26,-0.759 5.04,-9.322 5.04,-9.322" + stroke="#000000" + stroke-width="1.95125" + id="path472" /> + </g> + <path + id="B_NDPK2" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1275.62,344.538 c -1.83,-5.7 -1.83,-5.7 -1.83,-5.7 l -1.28,5.879 1.48,-1.537 z m -7.01,6.153 c -7.54,2.358 -7.54,2.358 -7.54,2.358 l 7.61,2.123 -1.93,-2.211 z" + stroke="#000000" + stroke-width="1.95125" /> + <path + id="F_NDPK2" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1290.51,355.392 c 7.52,-2.456 7.52,-2.456 7.52,-2.456 l -7.65,-2.023 1.96,2.185 z m -2.72,-10.854 c -1.91,-5.512 -1.91,-5.512 -1.91,-5.512 l -1.9,5.514 1.91,-1.379 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <text + id="text4194" + transform="rotate(0.808348,-22319.07,105490.88)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.160156" + y="11.1602" + id="tspan472">ADP</tspan></text> + <text + id="text4198" + transform="rotate(-0.829907,23236.989,-104251.01)" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.27343801" + y="11.1602" + id="tspan473">ATP</tspan></text> + <g + id="R_NDPK3"> + <path + d="m 1485.19,352.976 41.17,-0.068 m -25.74,-9.768 c -2.82,5.901 3.19,9.765 3.19,9.765 m 6.39,0.044 c 5.27,-0.758 5.05,-9.321 5.05,-9.321" + stroke="#000000" + stroke-width="2.00453" + id="path474" /> + </g> + <path + id="B_NDPK3" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1501.9,344.558 c -1.83,-5.701 -1.83,-5.701 -1.83,-5.701 l -1.28,5.88 1.49,-1.537 z m -16.35,6.152 c -7.55,2.358 -7.55,2.358 -7.55,2.358 l 7.62,2.124 -1.93,-2.212 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <path + id="F_NDPK3" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1524.58,355.412 c 7.52,-2.457 7.52,-2.457 7.52,-2.457 l -7.65,-2.023 1.96,2.186 z m -7.39,-10.854 c -1.91,-5.513 -1.91,-5.513 -1.91,-5.513 l -1.9,5.514 1.9,-1.379 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <g + id="R_RNDR3"> + <path + d="m 1574,353.5 20,-0.095 m -12,0.057 c 7,-1.462 3.5,-9.462 3.5,-9.462" + stroke="#000000" + stroke-width="1.97845" + id="path476" /> + </g> + <path + id="F_RNDR3" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1592.6,355.47 c 7.52,-2.457 7.52,-2.457 7.52,-2.457 l -7.64,-2.023 1.96,2.186 z m -5.1,-11.97 -2,-3.5 -1,4 1.5,-1 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <text + id="text4284" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1174.16" + y="262.16" + id="tspan476">GTP</tspan></text> + <text + id="text4288" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1180.16" + y="243.16" + id="tspan477">Asp</tspan></text> + <text + id="text4296" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1228.49" + y="244.16" + id="tspan478">GDP</tspan></text> + <text + id="text4300" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1228.16" + y="259.16" + id="tspan479">Pi</tspan></text> + <text + id="text4304" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1228.49" + y="229.16" + id="tspan480">Fum</tspan></text> + <g + id="text4331"> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text481"><tspan + x="1244.22" + y="265.16" + id="tspan481">NAD</tspan></text> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text482"><tspan + x="1269.5699" + y="265.16" + id="tspan482">⁺</tspan></text> + </g> + <g + id="text4339"> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text484"><tspan + x="1280.38" + y="265.16" + id="tspan483">H</tspan><tspan + x="1293.28" + y="265.16" + id="tspan484">O</tspan></text> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text485"><tspan + x="1289.05" + y="265.16" + id="tspan485">₂</tspan></text> + </g> + <text + id="text4343" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1311.27" + y="265.16" + id="tspan486">ATP</tspan></text> + <g + id="text4347"> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text487"><tspan + x="1343.3199" + y="265.16" + id="tspan487">NH</tspan></text> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text488"><tspan + x="1360.67" + y="265.16" + id="tspan488">₃</tspan></text> + </g> + <text + id="text4371" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1476.49" + y="262.16" + id="tspan489">NADH</tspan></text> + <g + id="text4385"> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text490"><tspan + x="1412.0601" + y="262.16" + id="tspan490">H</tspan></text> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text491"><tspan + x="1420.73" + y="262.16" + id="tspan491">⁺</tspan></text> + </g> + <text + id="text4389" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1439.5" + y="262.16" + id="tspan492">AMP</tspan></text> + <text + id="text4393" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1378.16" + y="262.16" + id="tspan493">PPi</tspan></text> + <path + id="F_GMPS" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1494.55,282.319 c 2.5,-0.838 5,-1.677 7.5,-2.515 -2.55,-0.655 -5.11,-1.309 -7.66,-1.964 0.66,0.724 1.32,1.447 1.98,2.171 -0.61,0.769 -1.21,1.538 -1.82,2.308 z M 1387.5,268 l -2.5,-3.5 -1.5,4 2,-1 z m 33,-0.5 -3,-3 -1,4.5 2,-1.5 z m 36,0.5 -3,-2.5 -1,4 1.5,-1.5 z m 31.02,4.737 c 1.06,-5.737 1.06,-5.737 1.06,-5.737 l -4.37,3.866 2.33,-0.265 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <g + id="text4436"> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text494"><tspan + x="1248.22" + y="309.16" + id="tspan494">NADP</tspan></text> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text495"><tspan + x="1281.5699" + y="309.16" + id="tspan495">⁺</tspan></text> + </g> + <g + id="text4446"> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text496"><tspan + x="1298.3199" + y="309.16" + id="tspan496">NH</tspan></text> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text497"><tspan + x="1315.67" + y="309.16" + id="tspan497">₃</tspan></text> + </g> + <g + id="text4472"> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text498"><tspan + x="1463.0601" + y="311.16" + id="tspan498">H</tspan></text> + <text + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text499"><tspan + x="1471.73" + y="311.16" + id="tspan499">⁺</tspan></text> + </g> + <text + id="text4476" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1410.49" + y="311.16" + id="tspan500">NADPH</tspan></text> + <path + id="F_ADSL1r" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1208.65,223.497 c 0.83,-2.499 1.67,-4.998 2.51,-7.497 0.66,2.553 1.31,5.107 1.97,7.66 -0.73,-0.659 -1.45,-1.317 -2.18,-1.976 -0.76,0.604 -1.53,1.209 -2.3,1.813 z m 14.23,37.236 c 2.98,-5.014 2.98,-5.014 2.98,-5.014 l -5.44,2.107 2.28,0.563 z m 0,-28.046 c 2.98,-5.014 2.98,-5.014 2.98,-5.014 l -5.44,2.107 2.28,0.563 z m 0,14.023 c 2.98,-5.014 2.98,-5.014 2.98,-5.014 l -5.44,2.107 2.28,0.563 z" + stroke="#000000" + stroke-width="1.95125" /> + <path + id="R_ADSL1r" + d="m 1210.99,271.633 -0.15,-49.509 m 11.5,34.688 c -1.36,6.212 -11.46,5.681 -11.46,5.681 m 11.46,-32.169 c -1.36,6.212 -11.46,5.68 -11.46,5.68 m 11.46,6.785 c -1.36,6.212 -11.46,5.681 -11.46,5.681 m -11.71,-2.565 c 1.36,6.213 11.47,5.681 11.47,5.681 m -11.47,8.342 c 1.36,6.213 11.47,5.681 11.47,5.681" + stroke="#000000" + stroke-width="2.10315" /> + <path + id="F_GMPS2" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1493.55,283.64 c 2.5,0.838 5,1.676 7.5,2.515 -2.55,0.654 -5.11,1.309 -7.66,1.963 0.66,-0.723 1.32,-1.447 1.98,-2.17 -0.61,-0.769 -1.21,-1.539 -1.82,-2.308 z m -66.23,9.581 c 1.05,5.738 1.05,5.738 1.05,5.738 l -4.37,-3.866 2.33,0.264 z m 37.39,0 c 1.05,5.738 1.05,5.738 1.05,5.738 l -4.36,-3.866 2.33,0.264 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <path + id="R_GMPS" + d="m 1231,279.96 265,0.001 m -139,-0.001 c -12,-3.002 -7.5,-11.96 -7.5,-11.96 m -26.23,11.994 C 1317.06,278.63 1317,268 1317,268 m -15,11.986 C 1295.79,278.622 1296,268 1296,268 m -29.5,11.973 C 1256,278.5 1257,268 1257,268 m 128.5,0 c 1.88,6.077 -10.5,11.96 -10.5,11.96 M 1418.5,268 c 1.88,6.077 -10.5,11.96 -10.5,11.96 M 1454.5,268 c 1.88,6.077 -9,11.96 -9,11.96 m 41,-11.96 c 1.88,6.077 -9.5,11.961 -9.5,11.961" + stroke="#000000" + stroke-width="2.41879" /> + <path + id="R_GMPS2" + d="m 1231,286.192 263,-0.069 m -180.63,0 c -6.21,1.364 -5.68,11.469 -5.68,11.469 m -34.83,-11.469 c -6.21,1.364 -5.68,11.469 -5.68,11.469 M 1426.5,295 c -1.5,-6 -9,-8.857 -9,-8.857 M 1463,295 c 1.88,-6.076 -9.5,-8.866 -9.5,-8.866" + stroke="#000000" + stroke-width="2.41879" /> + <text + id="text4595" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1549.16" + y="244.16" + id="tspan501">ADP</tspan></text> + <text + id="text4599" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1548.27" + y="258.16" + id="tspan502">ATP</tspan></text> + <g + id="R_GK1"> + <path + d="m 1526.11,264.611 0.2,-35.02 m 13.24,12.718 c -8.38,-2.319 -13.45,3.865 -13.45,3.865 m 0.11,3.22 c 1.34,5.102 13.28,4.237 13.28,4.237" + stroke="#000000" + stroke-width="1.95125" + id="path503" /> + </g> + <path + id="F_GK1" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1538.3,243.915 c 2.04,-0.508 4.07,-1.016 6.11,-1.525 -1.96,-0.816 -3.91,-1.632 -5.86,-2.449 0.46,0.701 0.91,1.402 1.37,2.103 -0.54,0.624 -1.08,1.247 -1.62,1.871 z m -9.82,-13.418 c -0.84,-2.499 -1.68,-4.998 -2.52,-7.497 -0.65,2.553 -1.31,5.107 -1.96,7.66 0.72,-0.659 1.45,-1.317 2.17,-1.976 0.77,0.604 1.54,1.209 2.31,1.813 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <path + id="B_GK1" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1524.08,263.237 c 2.42,7.529 2.42,7.529 2.42,7.529 l 2.06,-7.633 -2.19,1.947 z m 14.51,-7.989 c 6.72,-1.607 6.72,-1.607 6.72,-1.607 l -6.52,-2.248 1.56,2.007 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <path + id="F_RNDR2" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1517.66,184.794 c -5.51,1.906 -5.51,1.906 -5.51,1.906 l 5.51,1.901 -1.38,-1.903 z m 10.85,-4.278 C 1526.06,173 1526.06,173 1526.06,173 l -2.03,7.645 2.19,-1.96 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <g + id="R_RNDR2"> + <path + d="m 1526.05,191.777 c -0.76,-5.263 -9.32,-5.046 -9.32,-5.046 m 9.38,14.48 -0.13,-21.388" + stroke="#000000" + stroke-width="1.95125" + id="path505" /> + </g> + <path + id="B_NDPK5" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1567.52,150.716 c 1.61,-6.716 1.61,-6.716 1.61,-6.716 l 2.24,6.524 -2,-1.559 z m -7.99,14.514 c -7.53,-2.416 -7.53,-2.416 -7.53,-2.416 l 7.63,-2.065 -1.94,2.197 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <path + id="F_NDPK5" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1592.27,160.832 c 2.5,0.839 5,1.677 7.5,2.515 -2.56,0.655 -5.11,1.309 -7.66,1.964 0.66,-0.723 1.31,-1.447 1.97,-2.17 -0.6,-0.77 -1.21,-1.539 -1.81,-2.309 z m -13.42,-9.825 c 0.51,-2.035 1.02,-4.069 1.53,-6.103 0.81,1.953 1.63,3.906 2.45,5.86 -0.71,-0.458 -1.41,-0.916 -2.11,-1.374 -0.62,0.539 -1.25,1.078 -1.87,1.617 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <g + id="R_NDPK5"> + <path + d="m 1573.37,163.101 c -5.1,-1.34 -4.23,-13.279 -4.23,-13.279 m 11.32,-0.064 c 2.32,8.385 -3.87,13.457 -3.87,13.457 m -18.43,-0.014 35.02,-0.202" + stroke="#000000" + stroke-width="1.95125" + id="path507" /> + </g> + <text + id="text4686" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1570.16" + y="184.16" + id="tspan507">ADP</tspan></text> + <text + id="text4690" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1544.27" + y="184.16" + id="tspan508">ATP</tspan></text> + <text + id="text4694" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1600.05" + y="215.547" + id="tspan509">GTP</tspan></text> + <path + id="B_NDPK1" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1562.52,197.716 c 1.61,-6.716 1.61,-6.716 1.61,-6.716 l 2.24,6.524 -2,-1.559 z m -7.99,14.514 c -7.53,-2.416 -7.53,-2.416 -7.53,-2.416 l 7.63,-2.065 -1.94,2.197 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <path + id="F_NDPK1" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1587.27,207.832 c 2.5,0.839 5,1.677 7.5,2.515 -2.56,0.655 -5.11,1.309 -7.66,1.964 0.66,-0.723 1.31,-1.447 1.97,-2.17 -0.6,-0.77 -1.21,-1.539 -1.81,-2.309 z m -13.42,-9.825 c 0.51,-2.035 1.02,-4.069 1.53,-6.103 0.81,1.953 1.63,3.906 2.45,5.86 -0.71,-0.458 -1.41,-0.916 -2.11,-1.374 -0.62,0.539 -1.25,1.078 -1.87,1.617 z" + fill="#2b0000" + stroke="#000000" + stroke-width="1.95125" /> + <g + id="R_NDPK1"> + <path + d="m 1568.37,210.101 c -5.1,-1.34 -4.23,-13.279 -4.23,-13.279 m 11.32,-0.064 c 2.32,8.385 -3.87,13.457 -3.87,13.457 m -18.43,-0.014 35.02,-0.202" + stroke="#000000" + stroke-width="1.95125" + id="path510" /> + </g> + <g + id="use1272-8-6-5-0-5"> + <path + d="m 1000,396 c 3.87,0 7,-3.134 7,-7 0,-3.866 -3.13,-7 -7,-7 -3.866,0 -7,3.134 -7,7 0,3.866 3.134,7 7,7 z" + fill="#aaccee" + id="path511" /> + <path + d="m 995.1,384.1 9.8,9.8 z" + fill="#aaccee" + id="path512" /> + <path + d="m 995.1,393.9 9.8,-9.8 z" + fill="#aaccee" + id="path513" /> + <path + d="m 995.1,384.1 9.8,9.8 m -9.8,0 9.8,-9.8 m 2.1,4.9 c 0,3.866 -3.13,7 -7,7 -3.866,0 -7,-3.134 -7,-7 0,-3.866 3.134,-7 7,-7 3.87,0 7,3.134 7,7 z" + stroke="#000000" + stroke-width="0.44411" + id="path514" /> + </g> + <g + id="use1272-8-6-5-0-5-0"> + <path + d="m 956,336 c 3.866,0 7,-3.134 7,-7 0,-3.866 -3.134,-7 -7,-7 -3.866,0 -7,3.134 -7,7 0,3.866 3.134,7 7,7 z" + fill="#aaccee" + id="path515" /> + <path + d="m 951.1,324.1 9.8,9.8 z" + fill="#aaccee" + id="path516" /> + <path + d="m 951.1,333.9 9.8,-9.8 z" + fill="#aaccee" + id="path517" /> + <path + d="m 951.1,324.1 9.8,9.8 m -9.8,0 9.8,-9.8 m 2.1,4.9 c 0,3.866 -3.134,7 -7,7 -3.866,0 -7,-3.134 -7,-7 0,-3.866 3.134,-7 7,-7 3.866,0 7,3.134 7,7 z" + stroke="#000000" + stroke-width="0.44411" + id="path518" /> + </g> + </g> + <g + id="Group 25"> + <text + id="text6997-5-1-8-3-7-8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1691.27" + y="881.15997" + id="tspan518">ATP</tspan></text> + <g + id="text6997-5-1-8-3-71-4"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text519"><tspan + x="1747.35" + y="881.15997" + id="tspan519">HCO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text520"><tspan + x="1778.25" + y="881.15997" + id="tspan520">⁻</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text521"><tspan + x="1774.03" + y="881.15997" + id="tspan521">₃</tspan></text> + </g> + <g + id="text6997-5-1-8-3-71-2-9"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text522"><tspan + x="1725.0601" + y="881.15997" + id="tspan522">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text523"><tspan + x="1733.73" + y="881.15997" + id="tspan523">⁺</tspan></text> + </g> + <text + id="text6997-5-1-8-3-71-5-72" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1718.16" + y="845.15997" + id="tspan524">ADP</tspan></text> + <text + id="text6997-5-1-8-3-71-5-7-37" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1750.16" + y="845.15997" + id="tspan525">Pi</tspan></text> + <path + id="R_ACCOAC" + d="m 1707.68,858.5 c -5.18,0 -5.18,11.5 -5.18,11.5 m 25.5,-9.981 c 5,0 4.22,-6.671 4.22,-6.671 m 20.53,6.671 c 4.25,0 1.75,-6.667 1.75,-6.667 m -17.5,6.667 c 0,0 -18.51,0.241 -20.5,0 -55,-6.667 -232,-10.519 -232,-10.519 m 252.5,10.519 h 31.5 m -31.5,0 c -6.5,0 -6.5,9.981 -6.5,9.981 m 31.5,-9.981 c -5,0 -5,9.981 -5,9.981" + stroke="#000000" + stroke-width="2.097" /> + <path + id="F_ACCOAC" + d="m 1767.2,861.406 c 5.83,-1.962 5.83,-1.962 5.83,-1.962 l -5.96,-1.524 1.54,1.688 z m -33.74,-7.811 C 1732,848 1732,848 1732,848 l -1.12,5.649 1.25,-1.432 z m 21.87,0.783 c -1.46,-5.595 -1.46,-5.595 -1.46,-5.595 l -1.12,5.65 L 1754,853 Z" + stroke="#000000" + stroke-width="2.23952" /> + <g + id="Group 75"> + <text + id="text6997-5-1-8-3-7-7-3-7-2-2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1779.3199" + y="797.15997" + id="tspan526">CoA</tspan></text> + <text + id="text7967-8-1-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1814.37" + y="817.547" + id="tspan527">AcACP</tspan></text> + <text + id="text6997-5-1-8-3-71-2-5-43-4-1-0" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1769.16" + y="832.15997" + id="tspan528">ACP</tspan></text> + <path + id="R_FASN" + d="m 1785.42,813.498 c -3.74,0.857 -3.42,7.211 -3.42,7.211 m 7.32,-7.328 c 3.69,-0.812 2.75,-7.672 2.75,-7.672 M 1484.5,845 c 220,-35 321.5,-31.618 321.5,-31.618" + stroke="#000000" + stroke-width="1.84837" /> + <path + id="F_FASN" + d="m 1804.19,814.63 c 5.83,-1.962 5.83,-1.962 5.83,-1.962 l -5.96,-1.524 1.54,1.688 z m -10.69,-8.13 c -1.46,-5.595 -1.46,-5.595 -1.46,-5.595 l -1.12,5.649 1.25,-1.433 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <g + id="Group 74"> + <g + id="text6997-5-1-8-3-7-7-3-7"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text529"><tspan + x="1906.49" + y="797.15997" + id="tspan529">CO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text530"><tspan + x="1924.5" + y="797.15997" + id="tspan530">₂</tspan></text> + </g> + <path + id="R_AcetoacetylACPsynthesis" + d="m 1884.51,812.903 c 5.06,-0.402 5.93,-7.502 5.93,-7.502 M 1896.5,852 c 1.5,-35 11.36,-39.231 24,-39.408 m -47.5,0.251 53.28,-0.282 m -18.42,0.208 c 5.03,-0.525 5.3,-7.639 5.3,-7.639" + stroke="#000000" + stroke-width="1.9665" /> + <text + id="text6997-5-1-8-3-7-7-3-7-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1876.16" + y="797.15997" + id="tspan531">ACP</tspan></text> + <path + id="F_AcetoacetylACPsynthesis" + d="m 1925.33,814.458 c 5.83,-1.962 5.83,-1.962 5.83,-1.962 l -5.96,-1.524 1.54,1.688 z m -33.93,-8.263 c -1.47,-5.595 -1.47,-5.595 -1.47,-5.595 l -1.11,5.65 1.24,-1.433 z m 23.04,0 c -1.46,-5.595 -1.46,-5.595 -1.46,-5.595 l -1.12,5.65 1.25,-1.433 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <g + id="Group 73"> + <text + id="text6997-5-1-8-3-71-2-5-49" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1777.2" + y="865.32098" + id="tspan532">MalCoA</tspan></text> + <path + id="R_MCAT" + d="m 1839.09,860.31 23.43,0.238 m -13,0.003 c 5.06,-0.384 6.22,-8.47 6.22,-8.47 m -10.11,8.511 c -4.92,1.031 -4.5,8.67 -4.5,8.67" + stroke="#000000" + stroke-width="1.86971" /> + <text + id="text6997-5-1-8-3-7-7-3-7-2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1845.02" + y="844.15997" + id="tspan533">CoA</tspan></text> + <text + id="text7967-8-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1870.99" + y="867.72498" + id="tspan534">MalACP</tspan></text> + <text + id="text6997-5-1-8-3-71-2-5-43-4-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1829.86" + y="881.15997" + id="tspan535">ACP</tspan></text> + <path + id="F_MCAT" + d="m 1861.27,862.358 c 5.84,-1.962 5.84,-1.962 5.84,-1.962 l -5.97,-1.524 1.54,1.688 z m -4.4,-9.457 c -1.46,-5.595 -1.46,-5.595 -1.46,-5.595 l -1.12,5.65 1.25,-1.433 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <g + id="Group 79"> + <text + id="text7047" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1645.3199" + y="955.15997" + id="tspan536">AcCoA</tspan></text> + <g + id="text7052"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text538"><tspan + x="1604.38" + y="955.15997" + id="tspan537">H</tspan><tspan + x="1617.28" + y="955.15997" + id="tspan538">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text539"><tspan + x="1613.05" + y="955.15997" + id="tspan539">₂</tspan></text> + </g> + <text + id="text7078" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1607.3199" + y="920.15997" + id="tspan540">CoA</tspan></text> + <text + id="text7164" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1529.08" + y="940.64801" + id="tspan541">AcAcCoA</tspan></text> + <path + id="F_HMGCOAS" + d="m 1619.32,928.248 -1.47,-5.596 -1.11,5.65 1.24,-1.433 z m 87.44,8.733 5.84,-1.962 -5.97,-1.524 1.54,1.688 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_HMGCOAS" + d="m 1607,935.475 h 100.5 m -93.23,8.722 c 0,0 -2.66,-7.719 2.23,-8.722 5.05,-0.886 1.34,-7.755 1.34,-7.755 m 49.1,7.755 c -4.89,1.003 -4.47,8.43 -4.47,8.43" + stroke="#000000" + stroke-width="1.77188" /> + </g> + <g + id="Group 72"> + <text + id="PalmCoA" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2195.4099" + y="739.547" + id="tspan542">PalmCoA</tspan></text> + <text + id="text7967-0-3-65-5-3-5-1-2-8-1-2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2242.3201" + y="802.15997" + id="tspan543">CoA</tspan></text> + <text + id="text7967-0-3-65-5-3-5-1-2-8-8-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2247.5" + y="761.15997" + id="tspan544">AMP</tspan></text> + <text + id="text7967-0-3-65-5-3-5-1-2-8-2-5" + transform="rotate(0.250513,-173384.82,514314.31)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0" + y="11.1602" + id="tspan545">PPi</tspan></text> + <text + id="text7967-0-3-65-5-3-5-1-2-8-1-2-4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2242.27" + y="788.15997" + id="tspan546">ATP</tspan></text> + <path + id="F_palmitateActivation" + d="m 2238.71,758.266 c 5.73,-0.74 5.73,-0.74 5.73,-0.74 l -5.46,-1.827 1.26,1.419 z m 0.79,13.234 c 1.79,-0.5 3.5,-1.5 3.5,-1.5 l -4.29,-1.764 1.29,1.764 z m -6.33,-19.396 C 2231.34,747 2231.34,747 2231.34,747 l -1.34,5.247 1.52,-1.365 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_palmitateActivation" + d="m 2239.79,757.019 c -5.7,-1.617 -8.64,3.967 -8.64,3.967 m 9.02,21.514 c 0,0 -8.71,0.811 -8.71,-5 0,0 0,-7.5 8.71,-7.5 m -8.71,25 c 1.17,4.019 8.71,2.811 8.71,2.811 m -8.71,5.189 v -52.878" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text7967-0-5-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2210.3701" + y="817.547" + id="tspan547">Palm</tspan></text> + </g> + <g + id="Group 76"> + <text + id="text7967-8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1936.13" + y="817.547" + id="tspan548">AcAcACP</tspan></text> + <text + id="text6997-5-1-8-3-7-4-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2096.1399" + y="833.15997" + id="tspan549">14 NADPH</tspan></text> + <g + id="text6997-5-1-8-3-7-7-9-3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text550"><tspan + x="2022.37" + y="794.15997" + id="tspan550">14 NADP</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text551"><tspan + x="2072.4199" + y="794.15997" + id="tspan551">⁺</tspan></text> + </g> + <g + id="text6997-5-1-8-3-71-5-6-17"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text553"><tspan + x="2178.3701" + y="794.15997" + id="tspan552">6 H</tspan><tspan + x="2201.29" + y="794.15997" + id="tspan553">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text554"><tspan + x="2197.0601" + y="794.15997" + id="tspan554">₂</tspan></text> + </g> + <g + id="text6997-5-1-8-3-71-5-7-3-5-8"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text555"><tspan + x="2134.48" + y="794.15997" + id="tspan555">6 CO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text556"><tspan + x="2162.51" + y="794.15997" + id="tspan556">₂</tspan></text> + </g> + <text + id="text7967-5-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2033.48" + y="833.15997" + id="tspan557">6 MalACP</tspan></text> + <text + id="text6997-5-1-8-3-71-5-6-1-4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2088.48" + y="794.15997" + id="tspan558">7 ACP</tspan></text> + <path + id="F_FA160ACPH" + d="M 2194.58,804.595 C 2193.12,799 2193.12,799 2193.12,799 l -1.12,5.65 1.25,-1.433 z m -43.12,-0.5 C 2150,798.5 2150,798.5 2150,798.5 l -1.12,5.649 1.25,-1.432 z m -43.96,-0.878 c -1.46,-5.595 -1.46,-5.595 -1.46,-5.595 l -1.12,5.649 1.25,-1.433 z m -52.5,0 c -1.46,-5.595 -1.46,-5.595 -1.46,-5.595 l -1.12,5.649 1.25,-1.433 z m 145.46,10.961 c 5.83,-1.962 5.83,-1.962 5.83,-1.962 l -5.96,-1.524 1.54,1.688 z" + stroke="#000000" + stroke-width="2.23952" /> + <g + id="text3083"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text559"><tspan + x="2171.21" + y="833.15997" + id="tspan559">14 H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text560"><tspan + x="2196.5801" + y="833.15997" + id="tspan560">⁺</tspan></text> + </g> + <path + id="R_FA160ACPH" + d="m 2184,821.778 c 0,0 0.2,-8.126 5.05,-9.197 4.84,-0.867 3.61,-8.201 3.61,-8.201 m -177.16,8.073 c 0,0 37.79,0 62,0 m 123.44,0 c 0,0 -43.54,0 -71.44,0 m -27.5,0 c 4.8,-0.954 4.08,-9.019 4.08,-9.019 m -56.08,9.019 c 4.8,-0.954 3.58,-9.019 3.58,-9.019 m 92.66,8.832 c 4.84,-0.868 3.61,-8.201 3.61,-8.201 m -72.35,8.388 c -11.5,-0.187 -11.5,9.325 -11.5,9.325 m 11.5,-9.325 c 20.31,0 31.69,0 52,0 m 0,0 c -8.5,-0.187 -8.5,9.325 -8.5,9.325" + stroke="#000000" + stroke-width="2.08132" /> + </g> + <g + id="Group 78"> + <text + id="text7122" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1718.38" + y="939.547" + id="tspan561">HMGCoA</tspan></text> + <text + id="text7188" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1883.1" + y="954.15997" + id="tspan562">3 ATP</tspan></text> + <text + id="text7192" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1792.3199" + y="919.15997" + id="tspan563">CoA</tspan></text> + <text + id="text7214" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1772.48" + y="954.15997" + id="tspan564">2 NADPH</tspan></text> + <g + id="text7222"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text565"><tspan + x="1823.21" + y="919.15997" + id="tspan565">2 NADP</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text566"><tspan + x="1866.58" + y="919.15997" + id="tspan566">⁺</tspan></text> + </g> + <text + id="text7230" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1902.48" + y="919.15997" + id="tspan567">3 ADP</tspan></text> + <g + id="text7238"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text568"><tspan + x="1940.49" + y="919.15997" + id="tspan568">CO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text569"><tspan + x="1958.5" + y="919.15997" + id="tspan569">₂</tspan></text> + </g> + <text + id="text7246" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1881.16" + y="919.15997" + id="tspan570">Pi</tspan></text> + <path + id="F_DPMVD" + d="m 1946.9,927.988 c -1.47,-5.596 -1.47,-5.596 -1.47,-5.596 l -1.11,5.65 1.24,-1.433 z m -23.44,-0.001 c -1.46,-5.595 -1.46,-5.595 -1.46,-5.595 l -1.12,5.65 1.25,-1.433 z m -35.96,0 c -1.46,-5.595 -1.46,-5.595 -1.46,-5.595 l -1.12,5.65 1.25,-1.433 z m -83,0.055 c -1.46,-5.596 -1.46,-5.596 -1.46,-5.596 l -1.12,5.65 1.25,-1.433 z m 41.33,-0.054 c -1.46,-5.596 -1.46,-5.596 -1.46,-5.596 l -1.12,5.65 1.25,-1.433 z m 104.44,9.104 c 5.83,-1.962 5.83,-1.962 5.83,-1.962 l -5.96,-1.524 1.54,1.688 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_DPMVD" + d="m 1792,935.602 160,-0.176 m -96.86,0.205 c -7.95,0.876 -7.27,7.369 -7.27,7.369 m 58.88,-7.444 c -7.95,0.876 -7.27,7.369 -7.27,7.369 m -102.4,-7.434 c 8.33,-0.779 6.21,-7.369 6.21,-7.369 m 2.08,7.509 c -7.94,0.876 -7.26,7.369 -7.26,7.369 m 40.34,-7.618 c 7.87,-0.782 5.87,-7.382 5.87,-7.382 m 35.82,7.382 c 7.87,-0.782 5.87,-7.382 5.87,-7.382 m 30.31,7.382 c 7.86,-0.782 5.86,-7.382 5.86,-7.382 m 17.54,7.382 c 7.87,-0.782 5.87,-7.382 5.87,-7.382" + stroke="#000000" + stroke-width="2.13327" /> + </g> + <g + id="Group 77"> + <text + id="text6997-5-1-8-3-7-7-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2007.15" + y="919.15997" + id="tspan571">2 PPi</tspan></text> + <text + id="text7967" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2044.16" + y="941.547" + id="tspan572">fPP</tspan></text> + <text + id="text6997-5-1-8-3-71-2-5-43" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1995.47" + y="955.15997" + id="tspan573">2 ippPP</tspan></text> + <text + id="text7208" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1959.3199" + y="941.547" + id="tspan574">ippPP</tspan></text> + <path + id="R_DMATT" + d="m 2006.5,935.135 h 28.82 m -15.61,0.486 c -4.93,1.002 -4.33,8.145 -4.33,8.145 m 3.24,-8.618 c 4.94,-0.758 3.5,-6.89 3.5,-6.89" + stroke="#000000" + stroke-width="1.73438" /> + <path + id="F_DMATT" + d="m 2033.85,936.926 c 5.83,-1.963 5.83,-1.963 5.83,-1.963 l -5.96,-1.523 1.54,1.688 z m -10.54,-8.025 c -1.46,-5.595 -1.46,-5.595 -1.46,-5.595 l -1.12,5.649 1.25,-1.433 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <g + id="Group 82"> + <text + id="text6997-5-1-8-3-7-4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2188.1399" + y="957.15997" + id="tspan575">13 NADPH</tspan></text> + <g + id="text6997-5-1-8-3-71-2-7"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text576"><tspan + x="2171.1799" + y="957.15997" + id="tspan576">2</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text577"><tspan + x="2145.1399" + y="957.15997" + id="tspan577">10 O</tspan></text> + </g> + <g + id="text6997-5-1-8-3-7-7-9"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text578"><tspan + x="2267.3701" + y="917.15997" + id="tspan578">13 NADP</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text579"><tspan + x="2317.4199" + y="917.15997" + id="tspan579">⁺</tspan></text> + </g> + <text + id="text6997-5-1-8-3-71-5-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2077.1499" + y="917.15997" + id="tspan580">2 PPi</tspan></text> + <text + id="text6997-5-1-8-3-71-5-7-36" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2118.1399" + y="917.15997" + id="tspan581">formate</tspan></text> + <g + id="text6997-5-1-8-3-71-5-7-3-5"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text582"><tspan + x="2171.48" + y="917.15997" + id="tspan582">2 CO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text583"><tspan + x="2199.51" + y="917.15997" + id="tspan583">₂</tspan></text> + </g> + <text + id="text7967-0" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2306.21" + y="940.547" + id="tspan584">Chol</tspan></text> + <text + id="text7967-5" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2255.3301" + y="957.15997" + id="tspan585">fPP</tspan></text> + <g + id="text6997-5-1-8-3-71-5-6-1"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text587"><tspan + x="2216.03" + y="917.15997" + id="tspan586">15 H</tspan><tspan + x="2245.6299" + y="917.15997" + id="tspan587">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text588"><tspan + x="2241.3999" + y="917.15997" + id="tspan588">₂</tspan></text> + </g> + <path + id="F_DSMSTOLR" + d="m 2296.59,937.274 c 5.84,-1.962 5.84,-1.962 5.84,-1.962 l -5.97,-1.524 1.54,1.689 z m -199.01,-11.328 c -1.46,-5.595 -1.46,-5.595 -1.46,-5.595 L 2095,926 l 1.25,-1.433 z m 46.25,0.528 c -1.46,-5.596 -1.46,-5.596 -1.46,-5.596 l -1.12,5.65 1.25,-1.433 z m 46.13,0 c -1.46,-5.596 -1.46,-5.596 -1.46,-5.596 l -1.12,5.65 1.25,-1.433 z m 48.87,0 c -1.46,-5.596 -1.46,-5.596 -1.46,-5.596 l -1.12,5.65 1.25,-1.433 z m 50.67,0.026 c -1.46,-5.595 -1.46,-5.595 -1.46,-5.595 l -1.12,5.649 1.25,-1.433 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_DSMSTOLR" + d="m 2132.5,935.635 c 11,-0.017 10,-9.468 10,-9.468 m -55.5,9.327 c 9.5,0 9.5,-9.328 9.5,-9.328 m 186.35,9.428 c 7.4,-0.998 5.52,-9.427 5.52,-9.427 m -20,9.327 c -7.48,1.119 -6.84,9.411 -6.84,9.411 m -31.03,-9.338 c 7.4,-0.998 7,-9.4 7,-9.4 m -60.3,9.4 c 11.3,-0.018 11.3,-9.4 11.3,-9.4 m -21.8,9.327 c -7.48,1.119 -6.84,9.411 -6.84,9.411 m -35.72,-9.316 c -7.47,1.119 -6.83,9.411 -6.83,9.411 m -43.81,-9.506 h 151.27 m 74.23,0.015 -74.23,-0.015 m 0,0 c -6.84,0 -6.84,9.411 -6.84,9.411" + stroke="#000000" + stroke-width="2.08645" /> + <g + id="text3145"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text589"><tspan + x="2103.21" + y="957.15997" + id="tspan589">16 H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text590"><tspan + x="2128.5801" + y="957.15997" + id="tspan590">⁺</tspan></text> + </g> + </g> + <text + id="text6997-5-1-8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1429" + y="854.203" + id="tspan591">AcCoA</tspan></text> + <g + id="Group 80"> + <text + id="text7122_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1716.38" + y="1068.55" + id="tspan592">HMGCoA</tspan></text> + <path + id="F_HMGCOAtm" + d="M 1746.49,951.86 C 1744.6,946 1744.6,946 1744.6,946 l -1.6,5.942 1.71,-1.516 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_HMGCOAtm" + d="M 1745,1047 V 951" + stroke="#000000" + stroke-width="1.40903" /> + <path + id="B_HMGCOAtm" + d="m 1743,1047.15 c 2.45,3.85 2.45,3.85 2.45,3.85 l 1.55,-4 -1.89,1.06 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="Group 81"> + <text + id="text7096" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1543.3199" + y="867.15997" + id="tspan593">AcCoA</tspan></text> + <text + id="text7126" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1524.3199" + y="903.15997" + id="tspan594">CoA</tspan></text> + <path + id="F_ACACT1r" + d="m 1544.57,885.774 c -4.71,3.345 -4.71,3.345 -4.71,3.345 l 2.77,-5.046 0.04,1.9 z m 41.93,33.726 c 1.5,2.797 1.5,6.5 1.5,6.5 l -3.99,-3.703 2.16,-0.551 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_ACACT1r" + d="m 1543.25,885.667 c 0,0 6.79,-3.904 4.26,-7.167 -2.54,-3.263 4.42,-9 4.42,-9 m -66.93,-16 c 0,0 68,8.5 100.5,68" + stroke="#000000" + stroke-width="1.91333" /> + </g> + </g> + <g + id="Group 26"> + <g + id="Group 157"> + <g + id="text6979-5-4-1-7-9-30-5-8-5-57-7-5-3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text595"><tspan + x="1457.61" + y="983.547" + id="tspan595">3</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text596"><tspan + x="1434.48" + y="983.547" + id="tspan596">NH</tspan></text> + </g> + <path + id="B_NH4tm" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1451.41,995.378 c -1.64,-5.367 -1.64,-5.367 -1.64,-5.367 l -1.76,5.328 1.71,-1.317 z" + stroke="#000000" + stroke-width="2.61244" /> + <path + id="R_NH4tm" + d="m 1493,1136.5 h -43.55 V 996" + stroke="#000000" + stroke-width="1.74956" /> + <path + id="F_NH4tm" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1493.39,1138.38 c 5.12,-2.31 5.12,-2.31 5.12,-2.31 l -5.51,-1.07 1.52,1.54 z" + stroke="#000000" + stroke-width="2.61244" /> + </g> + <text + id="text7967-0-3-6-2-7-4-34-0-4-2-9-0" + transform="translate(1771,1126)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.49218801" + y="14.5469" + id="tspan597">Ci</tspan></text> + <g + id="Group 64"> + <g + id="text7967-0-3-6-2-7-4-34-0-4-2-9"> + <text + transform="translate(1502,1126)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text598"><tspan + x="23.6094" + y="14.5469" + id="tspan598">3</tspan></text> + <text + transform="translate(1502,1126)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text599"><tspan + x="0.484375" + y="14.5469" + id="tspan599">NH</tspan></text> + </g> + <g + id="text7967-0-3-65-1-2-4-9-6-3-3-1-3-8"> + <text + transform="translate(1568,1145)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text600"><tspan + x="0.0617189" + y="11.1602" + id="tspan600">H</tspan></text> + <text + transform="translate(1568,1145)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text601"><tspan + x="8.7335901" + y="11.1602" + id="tspan601">⁺</tspan></text> + </g> + <g + id="text7967-0-3-65-1-2-4-9-6-3-3-1-3-3"> + <text + transform="translate(1527,1145)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text602"><tspan + x="31.2549" + y="11.1602" + id="tspan602">⁻</tspan></text> + <text + transform="translate(1527,1145)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text603"><tspan + x="27.031099" + y="11.1602" + id="tspan603">₃</tspan></text> + <text + transform="translate(1527,1145)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text604"><tspan + x="0.347469" + y="11.1602" + id="tspan604">HCO</tspan></text> + </g> + <text + id="text7967-0-3-65-1-2-4-9-6-3-3-1-3-0" + transform="translate(1660,1152)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.484375" + y="11.1602" + id="tspan605">2 ADP</tspan></text> + <text + id="text7967-0-3-65-1-2-4-9-6-3-3-1-3-0_2" + transform="translate(1638,1152)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.162109" + y="11.1602" + id="tspan606">Pi</tspan></text> + <path + id="F_CBPSam" + d="m 1675.5,1144 1.84,5.5 1.66,-5.5 -1.66,1 z m 11.63,-6.69 c 7.76,-1.83 7.76,-1.83 7.76,-1.83 l -7.98,-1.33 2.08,1.52 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_CBPSam" + d="m 1552.5,1135.29 c -6.5,0 -8,9.86 -8,9.86 m 38,-9.86 c -8,0 -9,9.86 -9,9.86 m 96,-9.86 c 7.5,0 7.5,9.86 7.5,9.86 m -66.5,-9.86 c -7.5,0 -9.5,9.86 -9.5,9.86 m 87.89,-9.86 c 0,0 -37.14,0 -53.89,0 m -96.5,0 c 0,0 67.41,0 96.5,0 m 0,0 c 8.5,0 8.5,9.86 8.5,9.86" + stroke="#000000" + stroke-width="2.08671" /> + <text + id="text3764" + transform="translate(1586,1145)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.097656198" + y="11.1602" + id="tspan607">2 ATP</tspan></text> + </g> + <text + id="text4999" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1796.49" + y="1161.16" + id="tspan608">Orn</tspan></text> + <g + id="text5007"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text609"><tspan + x="1826.0601" + y="1161.16" + id="tspan609">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text610"><tspan + x="1834.73" + y="1161.16" + id="tspan610">⁺</tspan></text> + </g> + <path + id="F_ORNt4m" + d="m 1826.5,1144.5 1.5,2.5 0.5,-3 -1,1 z m -18.5,-1 1,3 1,-3 -1,0.5 z m 106,-7 3.5,-1.5 -4,-1 1,1.5 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text5023" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1878.49" + y="1154.16" + id="tspan611">Orn</tspan></text> + <g + id="text5031"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text612"><tspan + x="1906.0601" + y="1154.16" + id="tspan612">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text613"><tspan + x="1914.73" + y="1154.16" + id="tspan613">⁺</tspan></text> + </g> + <path + id="R_ORNt4m" + d="m 1902.5,1135.21 c 7,0 7.5,8.79 7.5,8.79 m -29,-8.79 c 7.5,0 8.5,8.79 8.5,8.79 m -71,-8.79 c 9,0 9,8.79 9,8.79 m -28.5,-8.79 c 10,0 10,8.79 10,8.79 m -19,-8.79 h 126.5" + stroke="#000000" + stroke-width="2.08963" /> + <text + id="text5087" + transform="translate(1923,1126)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.49218801" + y="14.5469" + id="tspan614">Ci</tspan></text> + <g + id="Group 63"> + <text + id="text7967-0-3-6-2-7-4-34-0-4-2-9-8" + transform="translate(1698,1126)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.38281199" + y="14.5469" + id="tspan615">CP</tspan></text> + <text + id="text7967-0-3-65-1-2-4-9-6-3-3-1-3-8-8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1755.16" + y="1162.16" + id="tspan616">Pi</tspan></text> + <text + id="text7967-0-3-6-2-7-4-34-0-4-2-9-1" + transform="translate(1723,1148)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.49218801" + y="11.1602" + id="tspan617">Orn</tspan></text> + <path + id="F_OCBTm" + d="m 1755.5,1145.5 c 0.5,0.5 3,3.5 3,3.5 v -5 l -1.5,1.5 z m 7.36,-8.16 c 5.59,-1.93 5.59,-1.93 5.59,-1.93 l -5.74,-1.41 1.49,1.61 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_OCBTm" + d="m 1764.5,1135.95 h -36.83 m 28.83,9.05 c 0,0 0,-9.05 -10.41,-9.05 -10.59,0 -10.59,9.05 -10.59,9.05" + stroke="#000000" + stroke-width="2.23358" /> + <path + id="B_OCBTm" + d="m 1736.5,1145 -1.5,2.5 -0.5,-3.5 1.15,1 z m -7.76,-7.66 c -5.59,-1.93 -5.59,-1.93 -5.59,-1.93 l 5.74,-1.41 -1.49,1.61 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + </g> + <g + id="Group 27"> + <path + id="B_r0801" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1926.42,1954.04 c 9.22,-2.82 9.22,-2.82 9.22,-2.82 l -9.15,-3.03 2.26,2.95 z m -76.65,-18.8 c -2.44,-7.82 -2.44,-7.82 -2.44,-7.82 l -3.37,7.49 3.02,-1.75 z" + stroke="#000000" + stroke-width="2.37958" /> + <path + id="R_r2420" + d="m 686.536,2016.75 h 66.96 m -20.087,0.25 c 7.668,-1.39 5.72,-13.18 5.72,-13.18 m -32.117,13 c -1.097,-1.18 -4.335,-14.32 -1.585,-14.55" + stroke="#000000" + stroke-width="1.76783" /> + <text + id="text6979-5-4-1-7-9-30-5" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="765.43799" + y="2020.74" + id="tspan618">Pi</tspan></text> + <g + id="text6979-5-4-1-7-9-30-0"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text619"><tspan + x="699.43201" + y="1993.87" + id="tspan619">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text620"><tspan + x="710.995" + y="1993.87" + id="tspan620">⁺</tspan></text> + </g> + <text + id="text6979-5-4-1-7-9-30-93" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="668.43799" + y="2020.74" + id="tspan621">Pi</tspan></text> + <path + id="F_r2420" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 742.241,2005.31 c -3.175,-7.54 -3.175,-7.54 -3.175,-7.54 l -2.638,7.77 2.839,-2.03 z m 9.965,13.78 c 9.221,-2.82 9.221,-2.82 9.221,-2.82 l -9.155,-3.03 2.264,2.95 z" + stroke="#000000" + stroke-width="2.37958" /> + <path + id="R_ATPtm" + d="m 702.003,2085.68 c -0.546,-3.84 -3.194,-7.44 -3.425,-11.3 0.024,-0.32 0.159,-0.88 0.848,-0.88 m 41.356,12.2 c 4.225,-1.21 5.13,-5.96 5.492,-9.59 0.19,-2.28 0.155,-4.57 -0.088,-6.84 m -58.766,16.29 c 22.332,0 44.664,0 66.997,0" + stroke="#000000" + stroke-width="2.00185" /> + <text + id="text6979-5-4-1-7-9-30-9-8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="728.19501" + y="2060.5701" + id="tspan622">ATP</tspan></text> + <text + id="text6979-5-4-1-7-9-30-5-4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="766.10199" + y="2091.55" + id="tspan623">ADP</tspan></text> + <text + id="text6979-5-4-1-7-9-30-0-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="680.52197" + y="2061.22" + id="tspan624">ATP</tspan></text> + <text + id="text6979-5-4-1-7-9-30-93-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="651.10199" + y="2091.55" + id="tspan625">ADP</tspan></text> + <path + id="F_ATPtm" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 754.206,2087.9 c 9.221,-2.82 9.221,-2.82 9.221,-2.82 l -9.155,-3.03 2.264,2.95 z m -53.095,-13.2 c -2.828,-7.68 -2.828,-7.68 -2.828,-7.68 l -2.989,7.64 2.928,-1.9 z" + stroke="#000000" + stroke-width="2.37958" /> + <path + id="R_r0801" + d="m 1828.62,1951.7 h 98.43 m -29.07,0.11 c 7.92,-1.91 5.91,-17.99 5.91,-17.99 m -55.71,-1.45 c -4.21,8.16 7.27,19.52 7.27,19.52" + stroke="#000000" + stroke-width="2.61244" /> + <text + id="text6979-5-4-1-7-9-30-9-9" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1889.05" + y="1923.55" + id="tspan626">GTP</tspan></text> + <text + id="text6979-5-4-1-7-9-30-5-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1939.16" + y="1955.55" + id="tspan627">GDP</tspan></text> + <text + id="text6979-5-4-1-7-9-30-0-5" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1828.05" + y="1923.55" + id="tspan628">GTP</tspan></text> + <text + id="text6979-5-4-1-7-9-30-93-4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1781.16" + y="1955.55" + id="tspan629">GDP</tspan></text> + <path + id="F_r0801" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1830.2,1948.63 c -8.79,3.97 -8.79,3.97 -8.79,3.97 l 9.47,1.84 -2.62,-2.64 z m 77.01,-13.86 c -3.17,-7.54 -3.17,-7.54 -3.17,-7.54 l -2.64,7.77 2.84,-2.03 z" + stroke="#000000" + stroke-width="2.37958" /> + <path + id="F_H2Otm" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1842.74,2052.54 c -9.22,2.83 -9.22,2.83 -9.22,2.83 l 9.15,3.02 -2.26,-2.95 z" + stroke="#000000" + stroke-width="2.61244" /> + <path + id="R_H2Otm" + d="m 1836.17,2055.67 h 67.25" + stroke="#000000" + stroke-width="1.89358" /> + <g + id="text6979-5-4-1-7-9-30-5-8"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text631"><tspan + x="1912.1801" + y="2060.55" + id="tspan630">H</tspan><tspan + x="1929.37" + y="2060.55" + id="tspan631">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text632"><tspan + x="1923.74" + y="2060.55" + id="tspan632">₂</tspan></text> + </g> + <g + id="text6979-5-4-1-7-9-30-93-0"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text634"><tspan + x="1797.1801" + y="2060.55" + id="tspan633">H</tspan><tspan + x="1814.37" + y="2060.55" + id="tspan634">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text635"><tspan + x="1808.74" + y="2060.55" + id="tspan635">₂</tspan></text> + </g> + <g + id="Group 42"> + <g + id="text6979-5-4-1-7-9-30-5-8-5"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text636"><tspan + x="771.10199" + y="1272.55" + id="tspan636">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text637"><tspan + x="783.55499" + y="1272.55" + id="tspan637">₂</tspan></text> + </g> + <g + id="text6979-5-4-1-7-9-30-93-0-9"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text638"><tspan + x="662.10199" + y="1272.55" + id="tspan638">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text639"><tspan + x="674.55499" + y="1272.55" + id="tspan639">₂</tspan></text> + </g> + <path + id="F_O2tm" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 755.206,1269.9 c 9.221,-2.82 9.221,-2.82 9.221,-2.82 l -9.155,-3.03 2.264,2.95 z" + stroke="#000000" + stroke-width="2.61244" /> + <path + id="R_O2tm" + d="m 684.736,1267.56 h 75.546" + stroke="#000000" + stroke-width="2.00699" /> + </g> + <text + id="text6979-5-4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="738.48999" + y="2131.21" + id="tspan640">NADH</tspan></text> + <g + id="text7051-9-3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text641"><tspan + x="986.224" + y="2131.1599" + id="tspan641">NAD</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text642"><tspan + x="1011.57" + y="2131.1599" + id="tspan642">⁺</tspan></text> + </g> + <g + id="text7009-5-6"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text643"><tspan + x="1038.13" + y="2131.1599" + id="tspan643">0.95 QH</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text644"><tspan + x="1082.86" + y="2131.1599" + id="tspan644">₂</tspan></text> + </g> + <g + id="text6985-0-7"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text645"><tspan + x="862.20203" + y="2131.1599" + id="tspan645">4.75 H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text646"><tspan + x="897.59302" + y="2131.1599" + id="tspan646">⁺</tspan></text> + </g> + <text + id="text6312-9" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="927.47101" + y="2131.1599" + id="tspan647">0.95 Q</tspan></text> + <g + id="text6985-0-7-1"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text648"><tspan + x="931.04199" + y="2217.1599" + id="tspan648">3.8 H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text649"><tspan + x="959.75299" + y="2217.1599" + id="tspan649">⁺</tspan></text> + </g> + <g + id="text6979-5-4-0"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text650"><tspan + x="1022.49" + y="2080.1599" + id="tspan650">FADH</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text651"><tspan + x="1054.5" + y="2080.1599" + id="tspan651">₂</tspan></text> + </g> + <text + id="text7051-9-3-8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1089.33" + y="2080.1599" + id="tspan652">FAD</tspan></text> + <g + id="text7009-5-6-6"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text653"><tspan + x="1130.49" + y="2080.1599" + id="tspan653">QH</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text654"><tspan + x="1148.5" + y="2080.1599" + id="tspan654">₂</tspan></text> + </g> + <text + id="text6312-9-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1068.33" + y="2080.1599" + id="tspan655">Q</tspan></text> + <path + id="R_FADH2ETC" + d="m 1042.46,2086.72 v 21.18 h 99.93 v -21.18 m -69.37,0.23 v 20.1 m 28.66,0 v -19.47" + stroke="#000000" + stroke-width="1.23699" /> + <text + id="text6979-5-4-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1174.15" + y="2131.1599" + id="tspan656">2 Cytc-ox</tspan></text> + <text + id="text7051-9-3-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1323.3101" + y="2131.1599" + id="tspan657">2 Cytc-red</tspan></text> + <text + id="text7009-5-6-63" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1395.33" + y="2131.1599" + id="tspan658">Q</tspan></text> + <g + id="text6985-0-7-7"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text659"><tspan + x="1238.05" + y="2131.1599" + id="tspan659">2 H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text660"><tspan + x="1256.74" + y="2131.1599" + id="tspan660">⁺</tspan></text> + </g> + <g + id="text6312-9-5"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text661"><tspan + x="1274.49" + y="2131.1599" + id="tspan661">QH</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text662"><tspan + x="1292.5" + y="2131.1599" + id="tspan662">₂</tspan></text> + </g> + <path + id="R_CYOR_u10mi" + d="m 1292.85,2158.51 v 39.21 m 62.37,-39.21 v -18.88 m -73.13,0.68 v 18.2 M 1246.87,2140 v 18.51 m -36.61,-18.98 v 19.39 h 190.86 v -19.39" + stroke="#000000" + stroke-width="1.67636" /> + <g + id="text6985-0-7-1-5"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text663"><tspan + x="1282.05" + y="2217.1599" + id="tspan663">4 H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text664"><tspan + x="1300.74" + y="2217.1599" + id="tspan664">⁺</tspan></text> + </g> + <text + id="text6979-5-4-1-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1418.3101" + y="2131.1599" + id="tspan665">4 Cytc-red</tspan></text> + <text + id="text7051-9-3-6-2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1573.15" + y="2131.1599" + id="tspan666">4 Cytc-ox</tspan></text> + <g + id="text7009-5-6-63-1"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text668"><tspan + x="1638.37" + y="2131.1599" + id="tspan667">2 H</tspan><tspan + x="1661.29" + y="2131.1599" + id="tspan668">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text669"><tspan + x="1657.0601" + y="2131.1599" + id="tspan669">₂</tspan></text> + </g> + <g + id="text6985-0-7-7-3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text670"><tspan + x="1493.05" + y="2131.1599" + id="tspan670">8 H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text671"><tspan + x="1511.74" + y="2131.1599" + id="tspan671">⁺</tspan></text> + </g> + <g + id="text6312-9-5-4"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text672"><tspan + x="1527.33" + y="2131.1599" + id="tspan672">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text673"><tspan + x="1536.67" + y="2131.1599" + id="tspan673">₂</tspan></text> + </g> + <path + id="path4860" + d="m 1603.07,2158.71 v -18.79" + stroke="#000000" + stroke-width="1.20734" /> + <path + id="R_CYOOm2i" + d="m 1446.47,2136.92 v 22.24 h 206.91 v -22.24 m -148.76,-2.82 v 24.61 m 27.34,-23.88 v 23.88 m -20.55,0 v 35.25" + stroke="#000000" + stroke-width="1.15003" /> + <text + id="text7967-0-3-0-8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1789.16" + y="2025.55" + id="tspan674">GSH</tspan></text> + <text + id="text7967-0-3-0-2-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1928.16" + y="2025.55" + id="tspan675">GSH</tspan></text> + <path + id="R_r0885" + d="m 1853.86,2000.45 c 3.87,12.47 8.66,19.2 8.66,19.2 m 35.19,0.78 c 7.93,-1.99 5.92,-18.82 5.92,-18.82 m 14.81,18.97 -80.24,-0.34" + stroke="#000000" + stroke-width="2.69978" /> + <path + id="B_r0885" + d="m 1915.52,2022.52 c 9.67,-3.1 9.67,-3.1 9.67,-3.1 l -9.8,-2.65 2.5,2.82 z m -58.77,-20.92 c -3.3,-9.6 -3.3,-9.6 -3.3,-9.6 l -2.45,9.85 2.77,-2.56 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="F_r0885" + d="m 1838.62,2017.2 c -9.62,3.23 -9.62,3.23 -9.62,3.23 l 9.83,2.52 -2.53,-2.79 z m 67.69,-15.32 c -2.32,-9.88 -2.32,-9.88 -2.32,-9.88 l -3.42,9.56 3.01,-2.27 z" + stroke="#000000" + stroke-width="2.66667" /> + <text + id="text7967-0-3-9-1-2-4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1896.4399" + y="1988.55" + id="tspan676">Pi</tspan></text> + <text + id="text7967-0-3-9-1-2-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1845.4399" + y="1988.55" + id="tspan677">Pi</tspan></text> + <g + id="Group 46"> + <path + id="R_GLYtm" + d="m 752.209,1936.85 -64.786,-0.29" + stroke="#000000" + stroke-width="2.65716" /> + <path + id="F_GLYtm" + d="m 751.762,1939.44 c 9.665,-3.1 9.665,-3.1 9.665,-3.1 l -9.798,-2.65 2.499,2.82 z" + stroke="#000000" + stroke-width="2.66667" /> + <text + id="text7967-0-3-0-0-89" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="658.09399" + y="1939.55" + id="tspan678">Gly</tspan></text> + <text + id="text7967-0-3-0-2-8-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="766.09399" + y="1940.55" + id="tspan679">Gly</tspan></text> + </g> + <text + id="text7967-0-3-0-2-6-3-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="783.15601" + y="1548.85" + id="tspan680">Mal</tspan></text> + <text + id="text7967-0-3-9-1-2-1-3-4-0" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="680.15002" + y="1513.55" + id="tspan681">AKG</tspan></text> + <text + id="text7967-0-3-9-1-2-1-3-4-8-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="734.31201" + y="1513.91" + id="tspan682">AKG</tspan></text> + <path + id="R_AKGMALtm" + d="m 745.745,1543.38 c 7.197,-1.54 5.369,-14.54 5.369,-14.54 m -43.653,0.3 c -5.127,3.9 4.567,14.88 4.567,14.88 m 53.51,-0.92 -82.33,-0.33" + stroke="#000000" + stroke-width="2.11767" /> + <path + id="F_AKGMALtm" + d="m 753.439,1530.28 c -0.986,-3.24 -1.972,-6.47 -2.958,-9.71 -0.932,3.25 -1.863,6.51 -2.794,9.76 1.642,-1.71 3.285,-3.26 4.963,-0.71 0.263,0.22 0.526,0.44 0.789,0.66 z m -69.505,9.83 c -3.229,1.01 -6.458,2.02 -9.687,3.03 3.26,0.9 6.52,1.81 9.779,2.72 -1.718,-1.63 -3.282,-3.26 -0.742,-4.96 0.217,-0.26 0.433,-0.53 0.65,-0.79 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_ATPS4mi" + d="m 1810.34,2159.61 -0.02,-18.89 m -93.65,19.15 -0.3,43.6 m 51.22,-44.06 -0.03,-18.51 m -34.03,-3.31 v 21.85 m -33.03,-22.36 -0.03,22.56 150.92,0.49 0.04,-22.55" + stroke="#000000" + stroke-width="1.26667" /> + <text + id="text7009-5-6-63-1-9" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1689.16" + y="2131.1599" + id="tspan683">ADP</tspan></text> + <text + id="text7009-5-6-63-1-5" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1728.16" + y="2131.1599" + id="tspan684">Pi</tspan></text> + <text + id="text7009-5-6-63-1-9-0" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1756.27" + y="2131.1599" + id="tspan685">ATP</tspan></text> + <g + id="text7051-9-3-6-2-1"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text687"><tspan + x="1797.38" + y="2131.1599" + id="tspan686">H</tspan><tspan + x="1810.28" + y="2131.1599" + id="tspan687">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text688"><tspan + x="1806.05" + y="2131.1599" + id="tspan688">₂</tspan></text> + </g> + <g + id="text7051-9-3-6-2-6"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text689"><tspan + x="1840.05" + y="2131.1599" + id="tspan689">4 H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text690"><tspan + x="1858.74" + y="2131.1599" + id="tspan690">⁺</tspan></text> + </g> + <text + id="text7967-0-3-6-2-7-4-34-0-5-2-1-4-5" + transform="translate(1183.09,1923.51)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0" + y="14.5469" + id="tspan691">10-formylTHF</tspan></text> + <text + id="text7967-0-3-6-2-7-4-34-0-5-2-1-4-2-9" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1039.04" + y="1937.71" + id="tspan692">5,10mTHF</tspan></text> + <g + id="text7967-0-3-65-1-2-4-9-6-3-3-1-0-5-5-1"> + <text + transform="rotate(0.0309296,-3633961.1,2079803.6)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text694"><tspan + x="0.38223499" + y="11.1602" + id="tspan693">H</tspan><tspan + x="13.2779" + y="11.1602" + id="tspan694">O</tspan></text> + <text + transform="rotate(0.0309296,-3633961.1,2079803.6)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text695"><tspan + x="9.0541096" + y="11.1602" + id="tspan695">₂</tspan></text> + </g> + <text + id="text7967-0-3-6-2-7-4-34-0-5-2-7-4" + transform="translate(873.06,1923.29)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0" + y="14.5469" + id="tspan696">5,10meTHF</tspan></text> + <path + id="R_MTHFDm" + d="M 1026.5,1933.32 H 970.072 M 1017,1951 c 3.47,-12.99 -8,-17.68 -8,-17.68 m -23.297,0.87 c -7.014,2.08 -9.203,14.31 -9.203,14.31" + stroke="#000000" + stroke-width="2.45082" /> + <path + id="F_MTHFDm" + d="m 972.46,1930.36 c -8.43,2.99 -8.43,2.99 -8.43,2.99 l 8.645,2.24 -2.242,-2.52 z m 1.04,15.64 2,7 5,-5 -3.681,1 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="B_MTHFDm" + d="m 1015.6,1949.68 c 2.01,9.32 2.01,9.32 2.01,9.32 l 2.24,-9.23 -2.15,2.27 z m 8.88,-13.98 c 9.8,-2.64 9.8,-2.64 9.8,-2.64 l -9.66,-3.11 2.36,2.94 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text7967-0-3-65-5-3-5-8-9-7-6-6-6-7-7" + transform="rotate(0.813633,-137520.66,71342.096)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.48828101" + y="11.1602" + id="tspan697">NADPH</tspan></text> + <g + id="text7967-0-3-65-1-2-4-9-6-3-3-1-0-2-8"> + <text + transform="rotate(0.777998,-143424.05,71247.391)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text698"><tspan + x="0.221874" + y="11.1602" + id="tspan698">NADP</tspan></text> + <text + transform="rotate(0.777998,-143424.05,71247.391)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text699"><tspan + x="33.573399" + y="11.1602" + id="tspan699">⁺</tspan></text> + </g> + <g + id="text7967-0-3-65-1-2-4-9-6-3-3-1-0-5-5-1-8"> + <text + transform="rotate(0.0309296,-3633941.1,2153901.9)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text700"><tspan + x="0.0617189" + y="11.1602" + id="tspan700">H</tspan></text> + <text + transform="rotate(0.0309296,-3633941.1,2153901.9)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text701"><tspan + x="8.7335901" + y="11.1602" + id="tspan701">⁺</tspan></text> + </g> + <text + id="text7967-0-3-65-5-3-5-8-9-7-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="873.35901" + y="1896.21" + id="tspan702">THF</tspan></text> + <g + id="text7967-0-3-65-1-2-4-9-6-3-1"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text704"><tspan + x="874.45898" + y="1919.3" + id="tspan703">H</tspan><tspan + x="887.35498" + y="1919.3" + id="tspan704">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text705"><tspan + x="883.13098" + y="1919.3" + id="tspan705">₂</tspan></text> + </g> + <g + id="text6979-5-4-1-7-9-30-5-8-5-5"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text706"><tspan + x="1911.3199" + y="2093.55" + id="tspan706">CO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text707"><tspan + x="1935.34" + y="2093.55" + id="tspan707">₂</tspan></text> + </g> + <g + id="text6979-5-4-1-7-9-30-93-0-9-3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text708"><tspan + x="1801.3199" + y="2093.55" + id="tspan708">CO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text709"><tspan + x="1825.34" + y="2093.55" + id="tspan709">₂</tspan></text> + </g> + <path + id="B_CO2tm" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1897.02,2091.7 c 9.22,-2.82 9.22,-2.82 9.22,-2.82 l -9.15,-3.02 2.26,2.95 z" + stroke="#000000" + stroke-width="2.61244" /> + <path + id="R_CO2tm" + d="m 1841.89,2089.37 h 58.85" + stroke="#000000" + stroke-width="1.77153" /> + <path + id="F_CO2tm" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1845.36,2085.75 c -8.78,3.96 -8.78,3.96 -8.78,3.96 l 9.46,1.85 -2.62,-2.64 z" + stroke="#000000" + stroke-width="2.61244" /> + <g + id="Group 53"> + <text + id="text7967-0-3-6-2-7-4-34-0-4-2-9-11" + transform="translate(1682.06,1623.15)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.375" + y="14.5469" + id="tspan710">NADH</tspan></text> + <text + id="text7967-0-3-6-2-7-4-34-0-4-2-9-62" + transform="translate(1916.06,1623.18)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.0390625" + y="14.5469" + id="tspan711">NADPH</tspan></text> + <g + id="text7009-4-5"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text712"><tspan + x="1723.02" + y="1614.55" + id="tspan712">NADP</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text713"><tspan + x="1768.38" + y="1614.55" + id="tspan713">⁺</tspan></text> + </g> + <g + id="text7009-4-5-0"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text714"><tspan + x="1791.35" + y="1608.55" + id="tspan714">NAD</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text715"><tspan + x="1826.04" + y="1608.55" + id="tspan715">⁺</tspan></text> + </g> + <path + id="F_THD1m" + d="m 1902.98,1635.71 c 9.66,-3.1 9.66,-3.1 9.66,-3.1 l -9.8,-2.65 2.5,2.82 z m -89.98,-18.21 -3,-4.5 -0.5,5.5 2,-1.5 z m 38,0 -2,-4 -2,5 2.5,-1.5 z" + stroke="#000000" + stroke-width="2.23952" /> + <g + id="text7009-4-5-0-8"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text716"><tspan + x="1843.42" + y="1608.55" + id="tspan716">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text717"><tspan + x="1854.98" + y="1608.55" + id="tspan717">⁺</tspan></text> + </g> + <path + id="R_THD1m" + d="M 1905.5,1632.5 H 1732 m 72,0 c 12,0 7.5,-14.74 7.5,-14.74 m -66.5,0 c -5.5,14.74 11,14.74 11,14.74 m 82,0 c 13.5,0 11,-14.74 11,-14.74 m 37,14.74 c -5,15 14,22 14,22" + stroke="#000000" + stroke-width="2.02293" /> + <g + id="text7009-4-5-0-8-2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text718"><tspan + x="1904.0601" + y="1661.16" + id="tspan718">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text719"><tspan + x="1912.73" + y="1661.16" + id="tspan719">⁺</tspan></text> + </g> + </g> + <g + id="Group 51"> + <g + id="text7967-0-3-9-1-34"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text721"><tspan + x="1539" + y="1312.55" + id="tspan720">H</tspan><tspan + x="1556.2" + y="1312.55" + id="tspan721">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text723"><tspan + x="1550.5699" + y="1312.55" + id="tspan722">₂</tspan><tspan + x="1568.65" + y="1312.55" + id="tspan723">₂</tspan></text> + </g> + <g + id="text7967-0-3-9-1-8-46"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text725"><tspan + x="1773.5" + y="1312.55" + id="tspan724">2 H</tspan><tspan + x="1804.05" + y="1312.55" + id="tspan725">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text726"><tspan + x="1798.42" + y="1312.55" + id="tspan726">₂</tspan></text> + </g> + <text + id="text7967-0-3-2-6-6-4-4-3-5" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1584.48" + y="1289.55" + id="tspan727">2 GSH</tspan></text> + <g + id="text7967-0-3-0-0-3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text728"><tspan + x="1407.36" + y="1309.55" + id="tspan728">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text729"><tspan + x="1419.8101" + y="1309.55" + id="tspan729">₂</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text730"><tspan + x="1425.4399" + y="1309.55" + id="tspan730">⁻</tspan></text> + </g> + <g + id="text7967-0-3-0-1-1"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text731"><tspan + x="1437.15" + y="1283.16" + id="tspan731">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text732"><tspan + x="1446.49" + y="1283.16" + id="tspan732">₂</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text733"><tspan + x="1450.72" + y="1283.16" + id="tspan733">⁻</tspan></text> + </g> + <g + id="text7967-0-3-9-1-7-4"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text734"><tspan + x="1467.1899" + y="1286.16" + id="tspan734">2 H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text735"><tspan + x="1485.88" + y="1286.16" + id="tspan735">⁺</tspan></text> + </g> + <g + id="text7967-0-3-9-1-2-15"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text736"><tspan + x="1508.46" + y="1278.16" + id="tspan736">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text737"><tspan + x="1517.8" + y="1278.16" + id="tspan737">₂</tspan></text> + </g> + <path + id="R_SPODMm" + d="m 1504.5,1307.26 c 7.98,-2.18 7.31,-18.44 7.31,-18.44 m 14.76,18.37 -95.57,-0.33 m 45.18,-18.57 c -2.88,10.71 5.2,19.62 5.2,19.62 m -38.17,-20.71 c -4.05,7.37 3.39,20.62 3.39,20.62" + stroke="#000000" + stroke-width="2.32897" /> + <path + id="R_GTHPm" + d="M 1761.5,1306.86 H 1577 m 138,0 c 26,0 26,-13.36 26,-13.36 m -133,0 c 0,13.36 19.5,13.36 19.5,13.36" + stroke="#000000" + stroke-width="2.59831" /> + <text + id="text7967-0-3-2-6-6-4-4-3-8-2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1717.38" + y="1284.55" + id="tspan738">GSSG</tspan></text> + <path + id="F_GTHPm" + d="m 1759.94,1309.76 c 9.66,-3.1 9.66,-3.1 9.66,-3.1 l -9.8,-2.65 2.5,2.82 z m -16.61,-14.76 -3,-6.5 -1.5,6.5 1.67,-1 z" + stroke="#000000" + stroke-width="1.90098" /> + <g + id="Group 158"> + <path + id="R_GDRm" + d="M 1619.5,1274.5 V 1254 c 0,0 26.1,0.03 34.5,0 m 84.37,17 v -17 c 0,0 -46.34,-0.12 -84.37,0 m 52.5,-0.05 c 14.5,0.02 14.5,9.05 14.5,9.05 m -28,0 c 0,-9.06 -17.5,-9.05 -17.5,-9.05 M 1654,1254 c -16.5,0.01 -16.5,9.5 -16.5,9.5" + stroke="#000000" + stroke-width="2.22804" /> + <path + id="R_GTHOm" + d="m 1609,1270.5 v -24.25 c 0,0 65.58,0.23 100.5,0 m 37.5,24.25 v -24.25 c 0,0 -28.63,-0.06 -37.5,0 m -28.5,-0.22 c 17,-0.11 17,-9.53 17,-9.53 m -73,0 c 0,9.7 23.06,9.75 23.06,9.75 m 61.44,0 c 21.5,0.17 21.5,-9.75 21.5,-9.75" + stroke="#000000" + stroke-width="2.53679" /> + <text + id="text7967-0-3-2-6-6-4-4-3-8-7-4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1674.49" + y="1273.16" + id="tspan739">NADH</tspan></text> + <g + id="text7967-0-3-2-6-6-4-4-3-8-7-4_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text740"><tspan + x="1717.0601" + y="1273.16" + id="tspan740">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text741"><tspan + x="1725.73" + y="1273.16" + id="tspan741">⁺</tspan></text> + </g> + <g + id="text7967-0-3-2-6-6-4-4-3-8-6-4"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text742"><tspan + x="1637.22" + y="1279.16" + id="tspan742">NAD</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text743"><tspan + x="1662.5699" + y="1279.16" + id="tspan743">⁺</tspan></text> + </g> + <text + id="text7967-0-3-2-6-6-4-4-3-8-7-6-4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1674.49" + y="1235.16" + id="tspan744">NADPH</tspan></text> + <g + id="text7967-0-3-2-6-6-4-4-3-8-7-6-4_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text745"><tspan + x="1726.0601" + y="1235.16" + id="tspan745">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text746"><tspan + x="1734.73" + y="1235.16" + id="tspan746">⁺</tspan></text> + </g> + <g + id="text7967-0-3-2-6-6-4-4-3-8-6-9-4"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text747"><tspan + x="1609.22" + y="1227.16" + id="tspan747">NADP</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text748"><tspan + x="1642.5699" + y="1227.16" + id="tspan748">⁺</tspan></text> + </g> + <path + id="F_GTHOm" + d="m 1626.5,1236.5 -2,-4.5 -1.5,5 1.5,-1 z m -19.5,30.5 2.5,6 3,-6 -3,1.5 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="F_GDRm" + d="m 1640.5,1262.39 -1,5 -4,-3.5 h 3 z M 1617,1265 c 3.01,9.69 3.01,9.69 3.01,9.69 l 2.74,-9.77 -2.84,2.47 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <path + id="F_SPODMm" + d="m 1514.07,1291.82 c -0.87,-9.5 -0.87,-9.5 -0.87,-9.5 l -3.34,8.89 2.41,-2 z m 11.13,17.94 c 9.66,-3.1 9.66,-3.1 9.66,-3.1 l -9.8,-2.65 2.5,2.82 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <g + id="Group 45"> + <g + id="text7967-0-3-0-02-8"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text749"><tspan + x="1281.3199" + y="1168.55" + id="tspan749">CO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text750"><tspan + x="1305.34" + y="1168.55" + id="tspan750">₂</tspan></text> + </g> + <g + id="text7967-0-3-0-2-78-89"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text751"><tspan + x="1376.3" + y="1169.55" + id="tspan751">HCO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text752"><tspan + x="1411.87" + y="1169.55" + id="tspan752">₃</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text753"><tspan + x="1417.51" + y="1169.55" + id="tspan753">⁻</tspan></text> + </g> + <path + id="R_HCO3Em" + d="m 1361.75,1163.87 -48.07,-0.34 m 26.91,0.02 c 8.39,-2.49 6.26,-23.52 6.26,-23.52 m -15.44,24.58 c -8.48,2.79 -7.75,23.48 -7.75,23.48" + stroke="#000000" + stroke-width="2.348" /> + <g + id="text7967-0-3-9-1-2-4-3-0"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text754"><tspan + x="1344.0601" + y="1130.16" + id="tspan754">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text755"><tspan + x="1352.73" + y="1130.16" + id="tspan755">⁺</tspan></text> + </g> + <g + id="text7967-0-3-9-1-2-1-3-6"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text757"><tspan + x="1314.38" + y="1199.16" + id="tspan756">H</tspan><tspan + x="1327.28" + y="1199.16" + id="tspan757">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text758"><tspan + x="1323.05" + y="1199.16" + id="tspan758">₂</tspan></text> + </g> + <path + id="F_HCO3Em" + d="m 1349.48,1146.74 c -1.36,-9.44 -1.36,-9.44 -1.36,-9.44 l -2.88,9.05 2.31,-2.11 z m 12.28,19.7 c 9.67,-3.1 9.67,-3.1 9.67,-3.1 l -9.8,-2.65 2.5,2.82 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <text + id="text5831" + transform="translate(1135,1854.01)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.160156" + y="11.1602" + id="tspan759">ADP</tspan></text> + <g + id="Group 47"> + <path + id="R_r1435" + d="m 751.439,1878.87 -58.019,-0.34" + stroke="#000000" + stroke-width="2.69508" /> + <path + id="B_r1435" + d="m 694.404,1875.79 c -9.623,3.23 -9.623,3.23 -9.623,3.23 l 9.832,2.52 -2.536,-2.78 z" + stroke="#000000" + stroke-width="2.66667" /> + <text + id="text7967-0-3-0-0-8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="655.09399" + y="1881.55" + id="tspan760">Ser</tspan></text> + <text + id="text7967-0-3-0-2-8-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="764.09399" + y="1883.55" + id="tspan761">Ser</tspan></text> + <path + id="F_r1435" + d="m 750.723,1881.54 c 9.624,-3.23 9.624,-3.23 9.624,-3.23 l -9.832,-2.52 2.536,2.79 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="text5439"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text762"><tspan + x="797.46698" + y="2131.1599" + id="tspan762">0.05 O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text763"><tspan + x="833.52502" + y="2131.1599" + id="tspan763">₂</tspan></text> + </g> + <path + id="R_Complex1ROS" + d="m 1063.52,2158.53 v -18.8 m -245.938,-3.41 v 22.21 m -62.155,-23.61 v 23.54 h 385.003 v -23.54 m -259.956,1.4 v 22.21 m 65.468,-22.23 v 22.23 m 53.996,0 v -18.8 m -51.392,18.2 v 31.92" + stroke="#000000" + stroke-width="1.64481" /> + <g + id="text5449"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text764"><tspan + x="1115.16" + y="2131.1599" + id="tspan764">0.05 O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text765"><tspan + x="1151.22" + y="2131.1599" + id="tspan765">₂</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text766"><tspan + x="1155.4399" + y="2131.1599" + id="tspan766">⁻</tspan></text> + </g> + <path + id="R_GLYC3Ptm" + d="M 753.5,1726.21 H 688.353" + stroke="#000000" + stroke-width="2.52383" /> + <path + id="F_GLYC3Ptm" + d="m 692,1645.04 c -9.614,3.26 -9.614,3.26 -9.614,3.26 l 9.839,2.49 -2.544,-2.78 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text5621" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="766.32001" + y="1651.55" + id="tspan767">DHAP</tspan></text> + <text + id="text5621-9" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="633.32001" + y="1651.55" + id="tspan768">DHAP</tspan></text> + <text + id="text5629" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="803.28802" + y="1701.61" + id="tspan769">FAD</tspan></text> + <path + id="R_G3PDm" + d="m 788.507,1689.6 c -0.924,-7.07 -13.463,-8.66 -13.463,-8.66 m 13.099,8.86 c 0.316,7.12 12.673,9.77 12.673,9.77 m -12.624,-33.79 -0.184,51.92" + stroke="#000000" + stroke-width="2.59711" /> + <g + id="text5641"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text770"><tspan + x="729.51898" + y="1684.24" + id="tspan770">FADH</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text771"><tspan + x="761.534" + y="1684.24" + id="tspan771">₂</tspan></text> + </g> + <path + id="F_G3PDm" + d="m 791.347,1666.61 c -3.256,-9.61 -3.256,-9.61 -3.256,-9.61 l -2.493,9.84 2.779,-2.55 z m -14.817,12.55 c -9.53,-0.39 -9.53,-0.39 -9.53,-0.39 l 8.368,4.49 -1.657,-2.66 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text5649" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="766.30499" + y="1731.55" + id="tspan772">Gly3P</tspan></text> + <text + id="text5649-4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="638.30499" + y="1731.55" + id="tspan773">Gly3P</tspan></text> + <path + id="R_DHAPtm" + d="M 764,1648.1 H 689.169" + stroke="#000000" + stroke-width="2.69623" /> + <path + id="F_DHAPtm" + d="m 752.225,1729.75 c 9.614,-3.26 9.614,-3.26 9.614,-3.26 L 752,1724 l 2.544,2.78 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="B_AKGMALtm" + d="m 766.339,1545.86 c 3.229,-1.01 6.458,-2.02 9.687,-3.03 -3.259,-0.91 -6.519,-1.82 -9.779,-2.72 1.719,1.62 3.283,3.26 0.743,4.95 -0.217,0.27 -0.434,0.53 -0.651,0.8 z m -58.9,-15.58 c -0.986,-3.24 -1.972,-6.47 -2.958,-9.71 -0.932,3.25 -1.863,6.51 -2.794,9.76 1.642,-1.71 3.285,-3.26 4.963,-0.71 0.263,0.22 0.526,0.44 0.789,0.66 z" + stroke="#000000" + stroke-width="2.66667" /> + <g + id="Group 59"> + <text + id="text7045" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1018.31" + y="1364.55" + id="tspan774">AcCoA</tspan></text> + <text + id="text7003-2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="881.09399" + y="1365.55" + id="tspan775">Pyr</tspan></text> + <path + id="R_PDHm" + d="m 941.281,1361.7 c 7.878,-2.04 5.487,-18.31 5.487,-18.31 m -10.712,18.81 c -7.953,2.27 -6.897,18.3 -6.897,18.3 m 36.754,-18.93 c -7.954,2.28 -6.897,18.3 -6.897,18.3 m 5.068,-18.04 c 7.878,-2.04 5.487,-18.31 5.487,-18.31 m 15.79,18.63 c 7.878,-2.04 5.487,-18.31 5.487,-18.31 m -80.23,18.2 94.392,-0.34" + stroke="#000000" + stroke-width="2.30544" /> + <g + id="text6973-9-0-3-2-2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text776"><tspan + x="1029.22" + y="1522.16" + id="tspan776">NAD</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text777"><tspan + x="1054.5699" + y="1522.16" + id="tspan777">⁺</tspan></text> + </g> + <g + id="text6973-9-0-3-2-25"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text778"><tspan + x="1022.22" + y="1572.16" + id="tspan778">NADP</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text779"><tspan + x="1055.5699" + y="1572.16" + id="tspan779">⁺</tspan></text> + </g> + <text + id="NADH" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="964.48999" + y="1511.16" + id="tspan780">NADH</tspan></text> + <g + id="CO2_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text781"><tspan + x="936.48999" + y="1511.16" + id="tspan781">CO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text782"><tspan + x="954.50201" + y="1511.16" + id="tspan782">₂</tspan></text> + </g> + <g + id="H+_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text783"><tspan + x="916.06201" + y="1511.16" + id="tspan783">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text784"><tspan + x="924.73401" + y="1511.16" + id="tspan784">⁺</tspan></text> + </g> + <path + id="R_PCm" + d="m 905.722,1372.71 v 59.75 h 160.838 m -34.67,-0.13 c 10.53,-1.95 10.54,-16.24 10.54,-16.24 m 3.63,16.52 c -10.18,2.01 -11.38,15.88 -11.38,15.88 m -13.52,-15.86 c -10.18,2.02 -11.38,15.89 -11.38,15.89 m -15.345,-15.91 c -10.179,2.01 -11.377,15.88 -11.377,15.88 m 21.632,-15.92 c 10.53,-1.94 10.54,-16.23 10.54,-16.23" + stroke="#000000" + stroke-width="2.13013" /> + <path + id="F_PCm" + d="m 1062.79,1429.27 c 9.16,3 9.16,3 9.16,3 l -9.21,2.84 2.32,-2.9 z m -18.1,-12.16 c -1.84,-9.36 -1.84,-9.36 -1.84,-9.36 l -2.42,9.18 2.2,-2.23 z m -26.94,0 c -1.83,-9.36 -1.83,-9.36 -1.83,-9.36 l -2.42,9.18 2.2,-2.23 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="F_PDHm" + d="m 1002.7,1358.97 c 9.24,2.75 9.24,2.75 9.24,2.75 l -9.13,3.1 2.24,-2.97 z m -9.162,-14.12 c -1.839,-9.36 -1.839,-9.36 -1.839,-9.36 l -2.415,9.19 2.199,-2.23 z m -21.334,0 c -1.838,-9.36 -1.838,-9.36 -1.838,-9.36 l -2.416,9.19 2.199,-2.23 z m -22.415,0 c -1.839,-9.36 -1.839,-9.36 -1.839,-9.36 l -2.415,9.19 2.199,-2.23 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="F_ME1m" + d="m 897.233,1382.57 c -2.615,-8.55 -2.615,-8.55 -2.615,-8.55 l -3.081,8.81 2.906,-2.3 z m 50.645,141.45 c -2.818,-9.11 -2.818,-9.11 -2.818,-9.11 l -1.43,9.39 1.95,-2.45 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text5787" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1038.1801" + y="1403.02" + id="tspan785">Pi</tspan></text> + <text + id="text5791" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1003.51" + y="1403.2" + id="tspan786">ADP</tspan></text> + <g + id="text5795"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text787"><tspan + x="1004.06" + y="1460.16" + id="tspan787">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text788"><tspan + x="1012.73" + y="1460.16" + id="tspan788">⁺</tspan></text> + </g> + <text + id="text5799" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="971.27301" + y="1460.16" + id="tspan789">ATP</tspan></text> + <g + id="text5803"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text790"><tspan + x="1026.35" + y="1460.16" + id="tspan790">HCO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text791"><tspan + x="1053.03" + y="1460.16" + id="tspan791">₃</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text792"><tspan + x="1057.25" + y="1460.16" + id="tspan792">⁻</tspan></text> + </g> + <g + id="text5807"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text793"><tspan + x="914.224" + y="1392.16" + id="tspan793">NAD</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text794"><tspan + x="939.57098" + y="1392.16" + id="tspan794">⁺</tspan></text> + </g> + <text + id="text5811" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="949.32202" + y="1392.16" + id="tspan795">CoA</tspan></text> + <g + id="text5815"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text796"><tspan + x="951.16602" + y="1332.16" + id="tspan796">2</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text797"><tspan + x="933.15399" + y="1332.16" + id="tspan797">CO</tspan></text> + </g> + <g + id="text5819"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text798"><tspan + x="965.06201" + y="1332.16" + id="tspan798">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text799"><tspan + x="973.73401" + y="1332.16" + id="tspan799">⁺</tspan></text> + </g> + <text + id="text5823" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="984.48999" + y="1332.16" + id="tspan800">NADH</tspan></text> + <path + id="R_ME1m" + d="m 1032.5,1537.09 c 9,-0.25 9,-13.59 9,-13.59 m -88.721,13.59 c -7.084,-2.04 -7.279,-13.59 -7.279,-13.59 m 131.76,13.34 c 0,0 -55.6,0 -91.227,0 m -91.228,-156.91 v 156.91 c 0,0 14.123,0 32.695,0 m 58.533,0 C 977,1536.84 977,1523.5 977,1523.5 m 9.033,13.34 c -17.671,0 -40.256,0 -58.533,0 m 0,0 c -10,0 -8,-13.34 -8,-13.34" + stroke="#000000" + stroke-width="2.2037" /> + <g + id="F_ME2m"> + <path + d="m 884.618,1374.02 2.615,8.55 -2.79,-2.04 -2.906,2.3 z" + stroke="#000000" + stroke-width="2.23952" + id="path800" /> + <path + d="m 892,1559 2,1.5 2,-0.5 -2,6 z" + stroke="#000000" + stroke-width="2.23952" + id="path801" /> + <path + d="m 925,1561.5 1.5,0.5 3,-2 -2,5.5 z" + stroke="#000000" + stroke-width="2.23952" + id="path802" /> + <path + d="m 971,1560 2.5,1.5 2.5,-1.5 -2.5,5.5 z" + stroke="#000000" + stroke-width="2.23952" + id="path803" /> + </g> + <path + id="R_ME2m" + d="m 1031,1546.78 c 11,0 9.5,14.22 9.5,14.22 M 986,1546.78 c -12.5,0 -12.5,14.22 -12.5,14.22 m 104.26,-14.22 c 0,0 -85.484,0 -140.26,0 m -53.44,-165.25 v 165.25 c 0,0 8.675,0 19.94,0 m 33.5,0 c -11,0 -11,14.22 -11,14.22 m 11,-14.22 c -10.099,0 -22.938,0 -33.5,0 m 0,0 c -10,0 -10,14.22 -10,14.22" + stroke="#000000" + stroke-width="2.35628" /> + <text + id="NADPH_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="953.48798" + y="1580.16" + id="tspan803">NADPH</tspan></text> + <g + id="H+_3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text804"><tspan + x="923.06201" + y="1580.16" + id="tspan804">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text805"><tspan + x="931.73401" + y="1580.16" + id="tspan805">⁺</tspan></text> + </g> + <g + id="CO2_3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text806"><tspan + x="884.48999" + y="1580.16" + id="tspan806">CO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text807"><tspan + x="902.50201" + y="1580.16" + id="tspan807">₂</tspan></text> + </g> + </g> + <path + id="B_H2Otm" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1897.58,2052.92 c 9.23,2.82 9.23,2.82 9.23,2.82 l -9.16,3.03 2.26,-2.95 z" + stroke="#000000" + stroke-width="2.61244" /> + <path + id="R_MTHFCm" + d="m 1172.64,1933 -45.6,-0.04 m 35.7,21.57 c 3.47,-12.98 -4.92,-21.19 -4.92,-21.19 m -15.15,0.1 c -7.01,2.07 -6.13,23.25 -6.13,23.25" + stroke="#000000" + stroke-width="2.45082" /> + <path + id="F_MTHFCm" + d="m 1133.79,1950.86 c 2.01,9.32 2.01,9.32 2.01,9.32 l 2.25,-9.23 -2.16,2.27 z m -4.36,-20.86 c -8.43,2.99 -8.43,2.99 -8.43,2.99 l 8.65,2.24 -2.25,-2.52 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text3093" + transform="translate(1199.89,1854.26)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.162109" + y="11.1602" + id="tspan808">Pi</tspan></text> + <g + id="F_FTHFLmi"> + <path + d="m 1227.5,1913 3.5,1.5 3.5,-1.5 -3.5,9 z" + stroke="#000000" + stroke-width="2.23952" + id="path808" /> + <path + d="m 1206,1874 1.5,-1 2,-0.5 -3.5,-3 z" + stroke="#000000" + stroke-width="2.23952" + id="path809" /> + <path + d="m 1148.5,1874 1.5,-1.5 h 2 l -3.5,-3.5 z" + stroke="#000000" + stroke-width="2.23952" + id="path810" /> + </g> + <text + id="text3101" + transform="translate(1013,1854.01)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.27343801" + y="11.1602" + id="tspan810">ATP</tspan></text> + <path + id="R_FTHFLmi" + d="m 911,1892.5 h 320 v 21.5 m -80.5,-40.5 c 3.47,12.99 -13.5,19 -13.5,19 m -98,0 c -23,-5 -17.5,-19 -17.5,-19 m 186.5,0 c 3.47,12.99 -10,19 -10,19 m -234.5,0 c -21,0 -21,-19 -21,-19" + stroke="#000000" + stroke-width="2.5081" /> + <g + id="Group 48"> + <path + id="R_FORtm" + d="M 1937.5,1712 H 1811" + stroke="#000000" + stroke-width="2.92407" /> + <text + id="text7967-0-3-0-0-89-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1734.41" + y="1715.55" + id="tspan811">Formate</tspan></text> + <path + id="F_FORtm" + d="m 1813.12,1709.86 c -9.79,2.68 -9.79,2.68 -9.79,2.68 l 9.67,3.07 -2.37,-2.92 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="B_FORtm" + d="m 1937,1714.75 c 9.79,-2.68 9.79,-2.68 9.79,-2.68 l -9.68,-3.07 2.38,2.92 z" + stroke="#000000" + stroke-width="2.66667" /> + <text + id="text3109" + transform="translate(1951,1705.01)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.146484" + y="11.1602" + id="tspan812">Formate</tspan></text> + </g> + <text + id="text3109_2" + transform="translate(922.004,1854.01)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.146484" + y="11.1602" + id="tspan813">Formate</tspan></text> + <path + id="B_GHMT2rm" + d="m 858.368,1893 c 9.323,-2.01 9.323,-2.01 9.323,-2.01 l -9.228,-2.24 2.271,2.15 z m -52.578,-16 c -9.79,2.68 -9.79,2.68 -9.79,2.68 l 9.674,3.07 -2.375,-2.92 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="B_FTHFLmi" + d="m 912.8,1889.79 c -9.8,2.65 -9.8,2.65 -9.8,2.65 l 9.663,3.11 -2.365,-2.94 z m 28.2,-16.29 1,-4 2,3 h -1.5 z m 78.5,-0.5 3.5,-3.5 0.5,4.5 -1.5,-1.5 z" + stroke="#000000" + stroke-width="2.23952" + stroke-miterlimit="5.75877" /> + <path + id="F_Complex1ROS" + d="m 945.618,2188.81 2.877,9.73 2.876,-9.73 -2.876,2.43 z m 52.152,-45.59 c 2.012,-9.33 2.012,-9.33 2.012,-9.33 l 2.248,9.23 -2.16,-2.27 z m 63.4,0 c 2.01,-9.33 2.01,-9.33 2.01,-9.33 l 2.25,9.23 -2.16,-2.27 z m 77.2,0 c 2.01,-9.33 2.01,-9.33 2.01,-9.33 l 2.25,9.23 -2.16,-2.27 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="F_FADH2ETC" + d="m 1140.17,2093.82 c 2.01,-9.33 2.01,-9.33 2.01,-9.33 l 2.25,9.23 -2.16,-2.27 z m -40,0 c 2.01,-9.33 2.01,-9.33 2.01,-9.33 l 2.25,9.23 -2.16,-2.27 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="F_CYOR_u10mi" + d="m 1398.7,2144.63 c 2.01,-9.33 2.01,-9.33 2.01,-9.33 l 2.25,9.23 -2.16,-2.27 z m -45.7,0 c 2.02,-9.33 2.02,-9.33 2.02,-9.33 l 2.24,9.23 -2.16,-2.27 z m -62.44,46.79 2.88,9.73 2.88,-9.73 -2.88,2.43 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="F_CYOOm2i" + d="m 1651.17,2144.42 c 2.01,-9.33 2.01,-9.33 2.01,-9.33 l 2.25,9.23 -2.16,-2.27 z m -50,0 c 2.01,-9.33 2.01,-9.33 2.01,-9.33 l 2.25,9.23 -2.16,-2.27 z m -92.63,47.62 2.88,9.73 2.88,-9.73 -2.88,2.43 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="F_ATPS4mi" + d="m 1849.17,2144.42 c 2.01,-9.33 2.01,-9.33 2.01,-9.33 l 2.25,9.23 -2.16,-2.27 z m -42,0 c 2.01,-9.33 2.01,-9.33 2.01,-9.33 l 2.25,9.23 -2.16,-2.27 z m -42,0 c 2.01,-9.33 2.01,-9.33 2.01,-9.33 l 2.25,9.23 -2.16,-2.27 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="F_PYRt2m" + d="m 874,1287 -4.5,5.5 -3.5,-5.5 3.5,1.5 z m 24.248,51.9 -2.615,8.55 -3.08,-8.8 2.906,2.3 z" + stroke="#000000" + stroke-width="2.23952" /> + <g + id="text4983"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text814"><tspan + x="863.06201" + y="1306.16" + id="tspan814">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text815"><tspan + x="871.73401" + y="1306.16" + id="tspan815">⁺</tspan></text> + </g> + <g + id="text4983-4"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text816"><tspan + x="346.06201" + y="1129.16" + id="tspan816">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text817"><tspan + x="354.73401" + y="1129.16" + id="tspan817">⁺</tspan></text> + </g> + <g + id="text2652"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text818"><tspan + x="733.84998" + y="1993.55" + id="tspan818">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text819"><tspan + x="745.41302" + y="1993.55" + id="tspan819">⁺</tspan></text> + </g> + <text + id="text7967-0-3-9-1-2-1-3-75" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1198.33" + y="1009.16" + id="tspan820">Mal</tspan></text> + <g + id="text3174"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text821"><tspan + x="1279.0601" + y="1009.16" + id="tspan821">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text822"><tspan + x="1287.73" + y="1009.16" + id="tspan822">⁺</tspan></text> + </g> + <g + id="Group 60"> + <text + id="text6991" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1079.27" + y="1435.09" + id="tspan823">OAA</tspan></text> + <text + id="text7039" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1152.33" + y="1362.55" + id="tspan824">Cit</tspan></text> + <text + id="text7069" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1262.09" + y="1339.55" + id="tspan825">Isocit</tspan></text> + <text + id="AKG" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1423.21" + y="1445.55" + id="tspan826">AKG</tspan></text> + <g + id="text6973-9"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text827"><tspan + x="1320.22" + y="1298.16" + id="tspan827">NADP</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text828"><tspan + x="1353.5699" + y="1298.16" + id="tspan828">⁺</tspan></text> + </g> + <text + id="AKG-2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1373.3199" + y="1598.55" + id="tspan829">SuCoA</tspan></text> + <text + id="AKG-2-0" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1257.37" + y="1655.55" + id="tspan830">Succ</tspan></text> + <text + id="AKG-2-0-6-0" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1128.72" + y="1625.23" + id="tspan831">Fum</tspan></text> + <text + id="AKG-2-0-6-5" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1083.16" + y="1545.55" + id="tspan832">Mal</tspan></text> + <path + id="R_ICDHym" + d="m 1310,1331 c 9.9,0.42 19.05,1.64 27.54,3.5 m 103.46,85 c -7.8,-11.9 -18.26,-29.85 -34.57,-46.5 m 46.49,23.96 c -4.63,2.79 -10.28,3.88 -15.79,3.06 -5.51,-0.82 -10.46,-3.5 -13.81,-7.47 M 1327.5,1309 c 0,0 -6,22.88 10.04,25.5 m 0,0 c 20.92,4.59 37.75,13.09 51.46,23.25 m 17.43,15.25 c 12.68,14.5 32.07,3 32.07,3 m -32.07,-3 c -5.18,-5.29 -10.96,-10.46 -17.43,-15.25 m 0,0 c 15.5,13.31 32,-4.75 32,-4.75" + stroke="#000000" + stroke-width="2.00254" /> + <text + id="text14326" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1210.33" + y="1685.16" + id="tspan833">FAD</tspan></text> + <g + id="text14330"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text834"><tspan + x="1162.49" + y="1675.16" + id="tspan834">FADH</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text835"><tspan + x="1194.5" + y="1675.16" + id="tspan835">₂</tspan></text> + </g> + <g + id="text6973-9-0-3-2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text836"><tspan + x="1109.22" + y="1506.16" + id="tspan836">NAD</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text837"><tspan + x="1134.5699" + y="1506.16" + id="tspan837">⁺</tspan></text> + </g> + <path + id="R_CSm" + d="m 1073.5,1360 18,6.5 c 0,0 3.52,-3.89 7,-3 4.15,1.06 7,9 7,9 l 23.56,9.41 m -19.32,29.36 c 7.05,-16.22 17.97,-31.01 32.01,-43.34 m -12.95,38.85 c -2.27,-1.33 -4.07,-3.28 -5.18,-5.65 -1.12,-2.36 -1.51,-5.05 -1.13,-7.74 0.39,-2.7 1.52,-5.3 3.29,-7.52 1.76,-2.22 4.08,-3.96 6.69,-5.04 2.62,-1.07 5.43,-1.43 8.11,-1.04 2.68,0.4 5.14,1.53 7.08,3.27" + stroke="#000000" + stroke-width="2.25" /> + <g + id="text6997-5-9-4-3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text839"><tspan + x="1129.87" + y="1415.59" + id="tspan838">H</tspan><tspan + x="1142.76" + y="1415.59" + id="tspan839">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text840"><tspan + x="1138.54" + y="1415.59" + id="tspan840">₂</tspan></text> + </g> + <text + id="text6997-5-9-4-3-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1153.8199" + y="1388.08" + id="tspan841">CoA</tspan></text> + <path + id="F_ACONTm" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1243.73,1336.25 10.55,-0.9 -9.32,-4.94 1.87,3.42 z" + stroke="#000000" + stroke-width="2.77105" /> + <path + id="R_ACONTm" + d="m 1185.58,1345.25 c 17.14,-8.47 40.14,-14.47 62.64,-11.47" + stroke="#000000" + stroke-width="2.77105" /> + <path + id="R_SUCD1m" + d="m 1240,1651.5 c -25,0 -55,-9.5 -69,-17.5 m 10.87,23.01 c -0.49,-2.88 -1.37,-14.01 19.13,-11.23 21.5,4.39 20.36,15.65 19.52,18.28" + stroke="#000000" + stroke-width="2.40733" /> + <g + id="text6997-5-9-4-3-3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text843"><tspan + x="1077.38" + y="1614.3" + id="tspan842">H</tspan><tspan + x="1090.28" + y="1614.3" + id="tspan843">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text844"><tspan + x="1086.05" + y="1614.3" + id="tspan844">₂</tspan></text> + </g> + <path + id="F_FUMm" + d="m 1104.8,1561.16 c -7.2,-7.16 -7.2,-7.16 -7.2,-7.16 l 2.15,9.92 1.36,-3.52 z" + stroke="#000000" + stroke-width="2.36402" /> + <path + id="R_MDHm" + d="m 1093.96,1522.36 c -1.96,-7.1 -3.86,-16.09 -4.99,-24.86 m 4.99,-49 c -2.95,9.55 -5.41,20.81 -5.96,30.5 m 0,0 c 2.6,-12.5 11.5,-13.5 11.5,-13.5 M 1088,1479 c -0.16,2.92 -0.12,6.13 0.09,9.5 m 0.88,9 c 1.78,11 11.53,8.5 11.53,8.5 m -11.53,-8.5 c -0.4,-3.06 -0.7,-6.09 -0.88,-9 m 0,0 c 5.87,-11 12.41,-9.5 12.41,-9.5" + stroke="#000000" + stroke-width="2.03667" /> + <path + id="F_SUCD1m" + d="m 1179.39,1655.18 c 1.95,8.73 1.95,8.73 1.95,8.73 l 3.75,-8.55 -3.08,2.07 z M 1173,1633 l -6,-2 2.5,4.5 1,-1.5 z" + stroke="#000000" + stroke-width="2.36402" /> + <path + id="B_SUCD1m" + d="m 1217.18,1662.86 c 2.97,9.7 2.97,9.7 2.97,9.7 l 2.79,-9.76 -2.86,2.46 z m 20.82,-9.36 6,-2 -4.5,-1.5 v 1 z" + stroke="#000000" + stroke-width="2.36402" /> + <path + id="F_ICDHym" + d="m 1436.78,1417.55 c 6.92,7.42 6.92,7.42 6.92,7.42 l -1.78,-9.99 -1.48,3.46 z m 14.5,-17.37 c 7.24,-6.22 7.24,-6.22 7.24,-6.22 l -9.19,2.43 3.03,0.81 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="F_MDHm" + d="m 1099.5,1466.5 3,-2.5 h -4.5 l 1.5,1.5 z m -2.54,-16.35 c -1.84,-8.75 -1.84,-8.75 -1.84,-8.75 l -3.85,8.5 3.1,-2.03 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text2536" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1108.49" + y="1482.16" + id="tspan845">NADH</tspan></text> + <g + id="text2536_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text846"><tspan + x="1107.0601" + y="1464.16" + id="tspan846">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text847"><tspan + x="1115.73" + y="1464.16" + id="tspan847">⁺</tspan></text> + </g> + <path + id="R_FUMm" + d="m 1107.61,1601.85 c 7.55,-1.96 7.56,-16.41 7.56,-16.41 m 16.72,20.08 c -13.57,-13.65 -24.29,-30.61 -31.4,-49.68" + stroke="#000000" + stroke-width="2.08816" /> + <g + id="Group 56"> + <path + id="R_SUCOAS1m" + d="m 1351.71,1671.07 c -3.36,-3.01 -5.94,-6.81 -7.43,-10.98 -1.49,-4.17 -1.85,-8.54 -1.03,-12.65 0.82,-4.11 2.78,-7.79 5.67,-10.64 m 0,0 c 2.89,-2.85 6.6,-4.75 10.72,-5.51 m -10.72,5.51 c -19.15,11.74 -18.09,35.35 -18.09,35.35 m 28.81,-40.86 c 4.12,-0.75 8.49,-0.32 12.63,1.24 4.14,1.56 7.89,4.2 10.84,7.62 m -23.47,-8.86 c 19.87,-9.77 42.67,-5.87 42.67,-5.87 m -13.01,-16.75 c -21.99,19.17 -48.1,33.32 -76.5,41.47" + stroke="#000000" + stroke-width="1.94246" /> + <text + id="text2703" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1412.17" + y="1632.49" + id="tspan848">GDP</tspan></text> + <text + id="text2703_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1391.49" + y="1653.79" + id="tspan849">Pi</tspan></text> + <text + id="text2711" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1360.49" + y="1688.35" + id="tspan850">CoA</tspan></text> + <text + id="text2711_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1318.04" + y="1691.8101" + id="tspan851">GTP</tspan></text> + <path + id="F_SUCOAS1m" + d="m 1349.45,1672.1 c 8.61,5.38 8.61,5.38 8.61,5.38 l -4.3,-9.19 -0.54,3.72 z m -33.24,-26.29 c -8.79,5.08 -8.79,5.08 -8.79,5.08 l 10.13,0.52 -3.03,-2.23 z" + stroke="#000000" + stroke-width="2.36402" /> + <path + id="B_SUCOAS1m" + d="m 1379.65,1640.25 c 8.72,5.2 8.72,5.2 8.72,5.2 l -4.5,-9.1 -0.46,3.74 z m 7.5,-25.49 c 5.17,-8.73 5.17,-8.73 5.17,-8.73 l -9.09,4.52 3.74,0.45 z" + stroke="#000000" + stroke-width="2.36402" /> + </g> + <g + id="Group 55"> + <text + id="text6973-9-0-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1466.14" + y="1517.66" + id="tspan852">CoA</tspan></text> + <g + id="text6973-9-0-3_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text853"><tspan + x="1461.8199" + y="1464.59" + id="tspan853">NAD</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text854"><tspan + x="1487.17" + y="1464.59" + id="tspan854">⁺</tspan></text> + </g> + <path + id="R_AKGDm" + d="m 1415.93,1574.1 c 5.69,-7.11 10.57,-14.75 14.64,-22.73 m 11.3,-98.71 c 5.35,19.33 5.84,41.41 1.25,63.1 m 27.49,-29.77 c 0,0 -25.15,15.04 -24.36,0.93 -1.24,-18.96 12.98,-24.1 12.98,-24.1 m -16.11,52.94 c 1.85,-10.68 19.12,-2.52 19.12,-2.52 m -19.12,2.52 c -1.42,6.74 -3.34,13.45 -5.75,20.02 m 0,0 c -4.99,11.91 7.42,16.46 7.42,16.46 m -7.42,-16.46 c -1.94,5.3 -4.21,10.51 -6.8,15.59 m 0,0 c -5.99,11.73 7.05,18 7.05,18" + stroke="#000000" + stroke-width="1.94246" /> + <path + id="F_AKGDm" + d="m 1433.68,1570.2 7.24,2.84 -2.46,-5.75 -0.84,2.08 z m -19.81,1.58 c -2.67,9.79 -2.67,9.79 -2.67,9.79 l 7.56,-6.77 -3.73,0.56 z" + stroke="#000000" + stroke-width="2.36402" /> + <text + id="NADH_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1480.8101" + y="1483.38" + id="tspan855">NADH</tspan></text> + <g + id="CO2_4"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text856"><tspan + x="1454.71" + y="1559.02" + id="tspan856">CO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text857"><tspan + x="1472.72" + y="1559.02" + id="tspan857">₂</tspan></text> + </g> + <g + id="H+_4"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text858"><tspan + x="1446.75" + y="1577.96" + id="tspan858">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text859"><tspan + x="1455.42" + y="1577.96" + id="tspan859">⁺</tspan></text> + </g> + </g> + <g + id="NADPH+"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text860"><tspan + x="1462.39" + y="1398.16" + id="tspan860">NADPH</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text861"><tspan + x="1504.41" + y="1398.16" + id="tspan861">⁺</tspan></text> + </g> + <g + id="CO2_5"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text862"><tspan + x="1448.49" + y="1375.16" + id="tspan862">CO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text863"><tspan + x="1466.5" + y="1375.16" + id="tspan863">₂</tspan></text> + </g> + <g + id="H+_5"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text864"><tspan + x="1430.0601" + y="1349.16" + id="tspan864">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text865"><tspan + x="1438.73" + y="1349.16" + id="tspan865">⁺</tspan></text> + </g> + <path + id="B_ICDHym" + d="m 1317.74,1327.84 c -9.66,3.09 -9.66,3.09 -9.66,3.09 l 9.79,2.66 -2.49,-2.82 z m 11.54,-17.33 c -0.68,-9.51 -0.68,-9.51 -0.68,-9.51 l -3.52,8.82 2.45,-1.94 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="F_ICDHxm" + d="m 1418.78,1421.55 c 2.31,2.47 4.61,4.95 6.92,7.42 -0.59,-3.33 -1.19,-6.66 -1.78,-9.99 -0.49,1.15 -0.99,2.31 -1.48,3.46 -1.22,-0.3 -2.44,-0.59 -3.66,-0.89 z m -19.76,-7.48 c -2.41,2.07 -4.83,4.14 -7.24,6.22 3.06,-0.81 6.12,-1.62 9.19,-2.43 -1.01,-0.27 -2.02,-0.54 -3.03,-0.82 0.36,-0.99 0.72,-1.98 1.08,-2.97 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_ICDHxm" + d="m 1308,1342.5 c 14.29,0.95 27.07,3.65 38.5,7.65 m 78.82,76.54 c -7.12,-16.32 -17.93,-34.1 -33.82,-49.12 m 11.17,11.93 c 3.35,3.97 4.79,9.87 4.13,14.8 -0.66,4.93 -3.43,9.45 -7.74,12.61 m -52.56,-66.76 c -17,-5.95 -26,6.35 -26,6.35 m 26,-6.35 c 10.85,3.8 20.47,8.77 29,14.55 m 16,12.87 c 7.56,19.43 -7,26.73 -7,26.73 m 7,-26.73 c -4.85,-4.59 -10.17,-8.92 -16,-12.87 m 0,0 c 9,12.87 -4.5,19.3 -4.5,19.3" + stroke="#000000" + stroke-width="2.44889" /> + <g + id="text2807"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text866"><tspan + x="1307.22" + y="1368.16" + id="tspan866">NAD</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text867"><tspan + x="1332.5699" + y="1368.16" + id="tspan867">⁺</tspan></text> + </g> + <g + id="NADH+"> + <text + transform="rotate(-1.36526,60350.222,-56277.438)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text868"><tspan + x="0.38789001" + y="11.1602" + id="tspan868">NADH</tspan></text> + <text + transform="rotate(-1.36526,60350.222,-56277.438)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text869"><tspan + x="34.407398" + y="11.1602" + id="tspan869">⁺</tspan></text> + </g> + <g + id="H+_6"> + <text + transform="rotate(-1.36526,58766.501,-55876.598)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text870"><tspan + x="0.0617189" + y="11.1602" + id="tspan870">H</tspan></text> + <text + transform="rotate(-1.36526,58766.501,-55876.598)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text871"><tspan + x="8.7335901" + y="11.1602" + id="tspan871">⁺</tspan></text> + </g> + <g + id="CO2_6"> + <text + transform="rotate(-1.36526,59576.406,-56076.803)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text872"><tspan + x="0.49023399" + y="11.1602" + id="tspan872">CO</tspan></text> + <text + transform="rotate(-1.36526,59576.406,-56076.803)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text873"><tspan + x="18.502001" + y="11.1602" + id="tspan873">₂</tspan></text> + </g> + <path + id="B_ACONTm" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1187.25,1346.98 c -10.25,2.35 -10.25,2.35 -10.25,2.35 l 7.1,-6.7 -0.59,3.31 z" + stroke="#000000" + stroke-width="2.56963" /> + <path + id="F_CSm" + d="m 1143.44,1370.66 c 5.19,-7.28 5.19,-7.28 5.19,-7.28 l -8.86,2.93 3.59,0.9 z m 1.61,12.23 c 7.06,0.63 7.06,0.63 7.06,0.63 l -6.05,-3.61 1.13,2.02 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="B_FUMm" + d="m 1126.18,1602.67 c 7.2,7.16 7.2,7.16 7.2,7.16 l -2.15,-9.92 -1.36,3.52 z m -19.26,-1.86 c -4.9,5.12 -4.9,5.12 -4.9,5.12 l 6.59,-2.47 -2.28,-0.38 z" + stroke="#000000" + stroke-width="2.36402" /> + <path + id="B_MDHm" + d="m 1089.93,1520.05 c 6.62,6 6.62,6 6.62,6 l -1.86,-9.14 -1.32,3.46 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <g + id="Group 61"> + <path + id="B_GLUDym" + d="m 1624.96,1456.47 c 2.27,9.26 2.27,9.26 2.27,9.26 l 1.99,-9.29 -2.1,2.33 z M 1475.64,1439 c -9.64,3.19 -9.64,3.19 -9.64,3.19 l 9.82,2.56 -2.52,-2.8 z" + stroke="#000000" + stroke-width="2.23952" /> + <g + id="F_GLUDym"> + <path + d="m 1692.19,1465.8 c 0,0 0,0 -2.28,-9.26 l 2.17,2.3 2.09,-2.33 z" + stroke="#000000" + stroke-width="2.23952" + stroke-miterlimit="5.75877" + id="path873" /> + <path + d="m 1728.5,1455.5 3,1.04 3.5,-3.04 -2,8 z" + stroke="#000000" + stroke-width="2.23952" + stroke-miterlimit="5.75877" + id="path874" /> + <path + d="m 1781.5,1440.5 1,2.5 -1,1.5 6,-1.5 z" + stroke="#000000" + stroke-width="2.23952" + stroke-miterlimit="5.75877" + id="path875" /> + </g> + <path + id="F_GDHm" + d="m 1600.96,1424.26 c 2.27,-9.26 2.27,-9.26 2.27,-9.26 l 1.99,9.29 -2.1,-2.33 z m -125.32,9.6 c -9.64,3.19 -9.64,3.19 -9.64,3.19 l 9.82,2.56 -2.52,-2.8 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_GLUDym" + d="m 1474.22,1442.77 c 0,0 40.7,0 82.78,0 m 226.5,0.18 -67,-0.18 m -80,0 c -12.5,0 -9.19,13.88 -9.19,13.88 m 64.57,0.71 c 3.14,-8.96 -5.58,-14.41 -5.58,-14.41 m -84.3,-0.18 c -17,2.23 -14,14.59 -14,14.59 m 14,-14.59 c -13.88,0 -29.53,0 -45,0 m 45,0 c 34.22,0 114.5,0 114.5,0 m -159.5,0 c -14.5,0 -12,13.88 -12,13.88 m 171.5,-13.88 c 0,0 14.5,0.05 14.5,13.88" + stroke="#000000" + stroke-width="1.40978" /> + <path + id="R_GDHm" + d="m 1474.22,1437.13 c 0,0 35.09,0 64.78,0 m 251,0.11 c 0,0 -94.5,-0.11 -94.5,0 m -86.3,0 c -7.18,-1.33 -5.89,-13.16 -5.89,-13.16 m 59.69,0 c 3.07,11.2 -9,13.05 -9,13.05 m -77,0 c -14.5,0 -14,-17.44 -14,-17.44 m 14,17.44 c -11.46,0 -24.89,0 -38,0 m 38,0 c 31.24,0 83.29,0.11 118.5,0.11 m -156.5,-0.11 c -15,0 -13.5,-17.44 -13.5,-17.44 m 170,17.55 c 11,0 10,-13.16 10,-13.16" + stroke="#000000" + stroke-width="1.41264" /> + <text + id="NADH_3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1586.49" + y="1410.16" + id="tspan875">NADH</tspan></text> + <g + id="H+_7"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text876"><tspan + x="1523.0601" + y="1410.16" + id="tspan876">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text877"><tspan + x="1531.73" + y="1410.16" + id="tspan877">⁺</tspan></text> + </g> + <g + id="NH3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text878"><tspan + x="1555.3199" + y="1410.16" + id="tspan878">NH</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text879"><tspan + x="1572.67" + y="1410.16" + id="tspan879">₃</tspan></text> + </g> + <g + id="NAD+"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text880"><tspan + x="1648.22" + y="1421.16" + id="tspan880">NAD</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text881"><tspan + x="1673.5699" + y="1421.16" + id="tspan881">⁺</tspan></text> + </g> + <g + id="H2O"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text883"><tspan + x="1690.38" + y="1420.16" + id="tspan882">H</tspan><tspan + x="1703.28" + y="1420.16" + id="tspan883">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text884"><tspan + x="1699.05" + y="1420.16" + id="tspan884">₂</tspan></text> + </g> + <text + id="NADPH_3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1530.49" + y="1479.16" + id="tspan885">NADPH</tspan></text> + <g + id="H+_8"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text886"><tspan + x="1586.0601" + y="1479.16" + id="tspan886">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text887"><tspan + x="1594.73" + y="1479.16" + id="tspan887">⁺</tspan></text> + </g> + <g + id="NH3_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text888"><tspan + x="1618.3199" + y="1479.16" + id="tspan888">NH</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text889"><tspan + x="1635.67" + y="1479.16" + id="tspan889">₃</tspan></text> + </g> + <g + id="NADP+"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text890"><tspan + x="1677.22" + y="1479.16" + id="tspan890">NADP</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text891"><tspan + x="1710.5699" + y="1479.16" + id="tspan891">⁺</tspan></text> + </g> + <g + id="H2O_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text893"><tspan + x="1725.38" + y="1476.16" + id="tspan892">H</tspan><tspan + x="1738.28" + y="1476.16" + id="tspan893">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text894"><tspan + x="1734.05" + y="1476.16" + id="tspan894">₂</tspan></text> + </g> + </g> + <path + id="F_GHMT2rm" + d="m 805.79,1933.8 c -9.79,2.68 -9.79,2.68 -9.79,2.68 l 9.674,3.07 -2.375,-2.92 z m 52.578,-0.3 c 9.323,-2.01 9.323,-2.01 9.323,-2.01 l -9.228,-2.24 2.271,2.15 z m 0,-16.5 c 9.323,-2.01 9.323,-2.01 9.323,-2.01 l -9.228,-2.24 2.271,2.15 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_GHMT2rm" + d="m 846.311,1925.41 c 1.569,7.22 17.596,6.31 17.596,6.31 m -17.596,-22.31 c 1.569,7.22 17.596,6.31 17.596,6.31 m -17.596,-19.11 c 1.569,-7.22 17.596,-6.31 17.596,-6.31 M 796,1879.51 h 49.966 v 57.04 H 796" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="B_MTHFCm" + d="m 1170.12,1935.23 c 8.43,-2.99 8.43,-2.99 8.43,-2.99 l -8.65,-2.24 2.24,2.52 z m -8.55,14.09 c 2.01,9.32 2.01,9.32 2.01,9.32 l 2.24,-9.23 -2.15,2.28 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_DHFRim" + d="m 885.5,1846.53 c 0,14.5 -16.5,17 -16.5,17 m 35,-59 c -12.987,-3.47 -18.5,8 -18.5,8 m 0,-16 c 0,0 0,21.94 0,36 m 0,44 c 0,0 0,-20.18 0,-44 m 0,0 c 4,-11 15,-8.5 15,-8.5" + stroke="#000000" + stroke-width="2.45082" /> + <path + id="F_DHFRim" + d="m 868.5,1861.03 -2,4.5 5,-0.5 -2.5,-1.5 z m 19.5,13.5 c -1.5,3.5 -2.992,7 -2.992,7 l -2.008,-7 2.008,1.5 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="B_DHFRim" + d="m 887,1796 -1.067,-4.5 -1.933,4.5 1.933,-0.67 z m 15.776,10.22 c 9.323,-2.01 9.323,-2.01 9.323,-2.01 l -9.228,-2.25 2.271,2.16 z" + stroke="#000000" + stroke-width="2.23952" /> + <g + id="text3648"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text895"><tspan + x="827.25201" + y="1869.24" + id="tspan895">NADP</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text896"><tspan + x="860.604" + y="1869.24" + id="tspan896">⁺</tspan></text> + </g> + <text + id="text3654" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="914.565" + y="1808.4301" + id="tspan897">NADPH</tspan></text> + <g + id="text3654_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text898"><tspan + x="909.13898" + y="1828.26" + id="tspan898">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text899"><tspan + x="917.81097" + y="1828.26" + id="tspan899">⁺</tspan></text> + </g> + <text + id="text3659" + transform="rotate(-0.763764,133397.81,-64453.185)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0" + y="14.5469" + id="tspan900">DHF</tspan></text> + <path + id="R_r0514" + d="m 831,1765 c 0,0 0.485,14.35 7.5,16.43 0,0 -7.5,2.07 -7.5,15.57 m 19.344,-36.83 c 3.472,12.99 -4.917,21.2 -4.917,21.2 m 17.018,0.03 -39.795,0.05" + stroke="#000000" + stroke-width="2.45082" /> + <path + id="B_r0514" + d="m 829.5,1765.5 1.5,-4 1.5,4 -1.5,-0.5 z m -3.076,18.38 c -8.429,-2.99 -8.429,-2.99 -8.429,-2.99 l 8.645,-2.24 -2.242,2.52 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="F_r0514" + d="m 858.06,1779.06 c 9.8,2.64 9.8,2.64 9.8,2.64 l -9.662,3.11 2.364,-2.93 z m -8.885,-13.97 c 2.011,-9.33 2.011,-9.33 2.011,-9.33 l 2.245,9.23 -2.157,-2.27 z" + stroke="#000000" + stroke-width="2.23952" /> + <g + id="text3669"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text901"><tspan + x="838.25201" + y="1753.24" + id="tspan901">NADP</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text902"><tspan + x="871.604" + y="1753.24" + id="tspan902">⁺</tspan></text> + </g> + <text + id="text3675" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="808.565" + y="1815.4" + id="tspan903">NADPH</tspan></text> + <g + id="text3675_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text904"><tspan + x="820.13898" + y="1759.23" + id="tspan904">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text905"><tspan + x="828.81097" + y="1759.23" + id="tspan905">⁺</tspan></text> + </g> + <text + id="text3679" + transform="rotate(-0.763764,133362.57,-56576.333)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.421875" + y="14.5469" + id="tspan906">Folate</tspan></text> + <path + id="R_r0962" + d="m 688.5,1781.37 h 67.927" + stroke="#000000" + stroke-width="2.39174" /> + <path + id="F_r0962" + d="m 752.06,1779.06 c 9.8,2.64 9.8,2.64 9.8,2.64 l -9.662,3.11 2.364,-2.94 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="B_r0962" + d="m 690.8,1784.78 c -9.8,-2.64 -9.8,-2.64 -9.8,-2.64 l 9.663,-3.11 -2.365,2.93 z" + stroke="#000000" + stroke-width="2.23952" /> + <g + id="text3751"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text907"><tspan + x="1705.05" + y="2217.1599" + id="tspan907">4 H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text908"><tspan + x="1723.74" + y="2217.1599" + id="tspan908">⁺</tspan></text> + </g> + <g + id="text3755"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text909"><tspan + x="1501.05" + y="2217.1599" + id="tspan909">4 H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text910"><tspan + x="1519.74" + y="2217.1599" + id="tspan910">⁺</tspan></text> + </g> + <g + id="Group 62"> + <text + id="text7967-0-3-65-5-3-5-8-9-01" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1826.49" + y="1476.16" + id="tspan911">NADH</tspan></text> + <g + id="text7967-0-3-65-5-3-5-8-9-01_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text912"><tspan + x="1826.0601" + y="1494.16" + id="tspan912">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text913"><tspan + x="1834.73" + y="1494.16" + id="tspan913">⁺</tspan></text> + </g> + <g + id="text7967-0-3-65-1-2-4-9-5-2"> + <text + transform="rotate(0.226971,-378498.63,461715.21)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text915"><tspan + x="0.38223499" + y="11.1602" + id="tspan914">H</tspan><tspan + x="13.2779" + y="11.1602" + id="tspan915">O</tspan></text> + <text + transform="rotate(0.226971,-378498.63,461715.21)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text916"><tspan + x="9.0541096" + y="11.1602" + id="tspan916">₂</tspan></text> + </g> + <g + id="text7967-0-3-65-1-2-4-9-5-2_2"> + <text + transform="rotate(0.226971,-383042.48,461724.21)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text917"><tspan + x="0.223828" + y="11.1602" + id="tspan917">NAD</tspan></text> + <text + transform="rotate(0.226971,-383042.48,461724.21)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text918"><tspan + x="25.571501" + y="11.1602" + id="tspan918">⁺</tspan></text> + </g> + <path + id="R_r0074" + d="M 1800.7,1459.39 V 1502 m 0,38 c 0,0 0,-22.07 0,-38 m -0.16,-25.4 c 1.93,-6.63 14.37,-4.64 14.37,-4.64 m 0,55.04 c -14.21,3.5 -14.21,-5 -14.21,-5 m 0,-20 c 0,0 -1.7,-12 14.21,-12 m -14.21,12 c 0,9 14.21,6.5 14.21,6.5" + stroke="#000000" + stroke-width="1.90151" /> + <path + id="F_r0074" + d="m 1803.23,1539.16 c -3.02,8.42 -3.02,8.42 -3.02,8.42 l -2.21,-8.65 2.51,2.25 z m 10.27,-14.16 6,2 -6.69,2.23 2.08,-2.34 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="B_r0074" + d="m 1798.04,1464.79 c 0.89,-3.26 1.79,-6.53 2.68,-9.79 1.02,3.22 2.05,6.45 3.07,9.67 -0.97,-0.79 -1.95,-1.58 -2.92,-2.37 -0.95,0.83 -1.89,1.66 -2.83,2.49 z m 15.68,5.01 c 9.26,2.28 9.26,2.28 9.26,2.28 l -9.29,1.97 2.33,-2.09 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text3514" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1904.16" + y="1359.55" + id="tspan919">Gln</tspan></text> + <text + id="text3530" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1903.16" + y="1445.55" + id="tspan920">Glu</tspan></text> + <path + id="F_GLNtm_1" + d="m 1851.88,1340.32 c 2.03,-9.32 2.03,-9.32 2.03,-9.32 l 2.22,9.23 -2.15,-2.27 z m -12.33,12.02 c -9.55,3.44 -9.55,3.44 -9.55,3.44 l 9.89,2.3 -2.6,-2.73 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_GLNtm_1" + d="m 1899.5,1355.08 h -62.08 m 23.31,-0.65 c -7.17,-1.52 -6.34,-16.51 -6.34,-16.51 m 27.16,16.42 c 7.04,-1.84 6.23,-20.02 6.23,-20.02" + stroke="#000000" + stroke-width="2.08963" /> + <text + id="text3581" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1795.16" + y="1359.55" + id="tspan921">Gln</tspan></text> + <path + id="R_GLUNm" + d="m 1782.39,1383.91 c 13,-3.43 21.18,4.98 21.18,4.98 m -0.34,8.42 c -1.75,7.14 -19.06,6.31 -19.06,6.31 m 19.35,-38.62 -0.43,55.66" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="F_GLUNm" + d="m 1805.85,1418.54 c -3.44,9.54 -3.44,9.54 -3.44,9.54 l -2.3,-9.88 2.73,2.6 z m -19.53,-12.33 c -9.32,-2.04 -9.32,-2.04 -9.32,-2.04 l 9.23,-2.22 -2.27,2.15 z" + stroke="#000000" + stroke-width="2.23952" /> + <g + id="text3617"> + <text + transform="translate(1755,1398)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text922"><tspan + x="0.32421899" + y="11.1602" + id="tspan922">NH</tspan></text> + <text + transform="translate(1755,1398)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text923"><tspan + x="17.667999" + y="11.1602" + id="tspan923">₃</tspan></text> + </g> + <text + id="text3623" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1794.16" + y="1445.55" + id="tspan924">Glu</tspan></text> + <g + id="text3627"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text926"><tspan + x="1756.38" + y="1387.16" + id="tspan925">H</tspan><tspan + x="1769.28" + y="1387.16" + id="tspan926">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text927"><tspan + x="1765.05" + y="1387.16" + id="tspan927">₂</tspan></text> + </g> + <path + id="F_GLUt2m" + d="m 1850.88,1427.32 c 2.03,-9.32 2.03,-9.32 2.03,-9.32 l 2.22,9.23 -2.15,-2.27 z m -12.33,17.53 c -9.55,-3.44 -9.55,-3.44 -9.55,-3.44 l 9.89,-2.3 -2.6,2.73 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_GLUt2m" + d="m 1881.09,1442.23 c 5.41,-1.96 4.78,-21.23 4.78,-21.23 m -25.56,20.51 c -7.18,-1.52 -6.35,-16.51 -6.35,-16.51 m 44.5,16.99 -61.46,-0.4" + stroke="#000000" + stroke-width="2.05657" /> + <g + id="text2811"> + <text + transform="rotate(-0.252757,319669.74,-425460.8)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text928"><tspan + x="0.0617189" + y="11.1602" + id="tspan928">H</tspan></text> + <text + transform="rotate(-0.252757,319669.74,-425460.8)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text929"><tspan + x="8.7335901" + y="11.1602" + id="tspan929">⁺</tspan></text> + </g> + <g + id="text2818"> + <text + transform="rotate(-0.252757,318747.01,-418208.95)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text930"><tspan + x="0.0617189" + y="11.1602" + id="tspan930">H</tspan></text> + <text + transform="rotate(-0.252757,318747.01,-418208.95)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text931"><tspan + x="8.7335901" + y="11.1602" + id="tspan931">⁺</tspan></text> + </g> + <g + id="text3436"> + <text + transform="rotate(-0.252757,299253.28,-418705.31)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text932"><tspan + x="0.0617189" + y="11.1602" + id="tspan932">H</tspan></text> + <text + transform="rotate(-0.252757,299253.28,-418705.31)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text933"><tspan + x="8.7335901" + y="11.1602" + id="tspan933">⁺</tspan></text> + </g> + <g + id="text2802"> + <text + transform="rotate(-0.252757,300177.01,-426410.53)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text934"><tspan + x="0.0617189" + y="11.1602" + id="tspan934">H</tspan></text> + <text + transform="rotate(-0.252757,300177.01,-426410.53)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text935"><tspan + x="8.7335901" + y="11.1602" + id="tspan935">⁺</tspan></text> + </g> + </g> + <text + id="text7967-0-3-6-2-7-4-34-0-4-2" + transform="rotate(-0.478643,212481.33,-74407.555)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.421875" + y="14.5469" + id="tspan936">Folate</tspan></text> + <path + id="R_PYRt2m" + d="m 871,1287 c 0,-20.5 25.782,-15.5 25.782,-15.5 M 360,1145.5 c -9.5,0 -9.5,-13 -9.5,-13 m -99,-115 v 128 H 896.782 V 1340" + stroke="#000000" + stroke-width="2.68896" /> + <path + id="F_HMR_4964 (Stroke)" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1384.57,932.624 6.19,20.898 -6.3,-5.514 -6.78,5.271 z m -2.25,14.098 2.22,-1.73 1.7,1.487 -1.81,-6.103 z m -106.98,45.696 -1.13,3.009 1.13,1.532 z m -2.38,-0.281 2.45,-6.545 2.25,0.408 v 18.04 l -9.1,-12.349 1.64,-1.622 z m -142.58,541.553 -4.01,5.22 4.12,5.14 -16.33,-5 z m -8.54,5.27 2.1,0.65 -0.53,-0.66 0.52,-0.68 z" + fill="#000000" /> + <g + id="text3185-5-2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text937"><tspan + x="1190.83" + y="1218.16" + id="tspan937">+</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text938"><tspan + x="1182.16" + y="1218.16" + id="tspan938">H</tspan></text> + </g> + <text + id="text7967-0-3-0-2-6-3-7-0" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="639.15601" + y="1548.85" + id="tspan939">Mal</tspan></text> + <g + id="Group 49"> + <text + id="text7967-0-3-0-2-78" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="781.10199" + y="1612.4" + id="tspan940">Fum</tspan></text> + <path + id="R_FUMtm" + d="m 717.014,1608.61 c -8.606,-4.03 -10.504,-13.93 -6.673,-13.93 m 32.848,13.67 c 7.986,-1.46 5.958,-13.81 5.958,-13.81 m 17.895,13.78 -77.23,-0.55" + stroke="#000000" + stroke-width="2.3523" /> + <path + id="F_FUMtm" + d="m 712.658,1596.57 c -2.852,-6.58 -2.852,-6.58 -2.852,-6.58 l -2.67,6.62 2.738,-1.67 z m 54.805,14.21 c 9.665,-3.1 9.665,-3.1 9.665,-3.1 l -9.798,-2.65 2.499,2.82 z" + stroke="#000000" + stroke-width="2.14278" /> + <path + id="B_FUMtm" + d="m 691.436,1605.43 c -9.623,3.23 -9.623,3.23 -9.623,3.23 l 9.832,2.52 -2.536,-2.78 z m 61.567,-8.6 c -2.096,-7.06 -2.096,-7.06 -2.096,-7.06 l -3.09,6.83 2.717,-1.62 z" + stroke="#000000" + stroke-width="2.14278" /> + <text + id="text7967-0-3-9-1-2-4-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="742.90198" + y="1583.55" + id="tspan941">Pi</tspan></text> + <text + id="text7967-0-3-9-1-2-1-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="699.45001" + y="1583.76" + id="tspan942">Pi</tspan></text> + <text + id="text7967-0-3-0-2-78-2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="642.10199" + y="1612.4" + id="tspan943">Fum</tspan></text> + </g> + <g + id="Group 57"> + <text + id="text7967-0-3-6-2-7-4-34-4-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1774.04" + y="1563.55" + id="tspan944">GluSA</tspan></text> + <path + id="F_GLU5SAtmc" + d="m 1907.26,1560.75 c 9.6,-3.32 9.6,-3.32 9.6,-3.32 l -9.86,-2.43 2.56,2.76 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_GLU5SAtmc" + d="m 1908,1558.3 h -71.64" + stroke="#000000" + stroke-width="2.28" /> + <path + id="B_GLU5SAtmc" + d="m 1838.55,1555.52 c -9.55,3.45 -9.55,3.45 -9.55,3.45 l 9.89,2.29 -2.6,-2.72 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text7967-0-3-6-2-7-4-34-4-6-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1924.04" + y="1563.55" + id="tspan945">GluSA</tspan></text> + </g> + <path + id="R_HMR_4964" + d="m 1384,940.5 v 36 c 0,0 -68.26,0 -132,0 m -87.26,270.44 V 1345 m 0,-98.06 c 51.26,0 51.26,80.06 51.26,80.06 0,0 6.39,2.02 6.5,6 0.11,3.82 -6.5,10 -6.5,10 v 194.47 h -91.5 m 40.24,-290.53 v -45.44 m 0,0 c 8.76,-4.5 14.26,4.5 14.26,4.5 m -14.26,-4.5 v -225 c 0,0 97.26,0 69.76,0 m 0,0 C 1207,976.5 1207,998 1207,998 m 27.5,-21.5 c -27.5,0 -0.01,0 17.5,0 m 0,0 c 21.5,0 22.5,21.5 22.5,21.5" + stroke="#000000" + stroke-width="2.5538" /> + <g + id="Group 54"> + <path + id="R_MMMm" + d="m 1443.69,1593.53 h 38.55" + stroke="#000000" + stroke-width="1.33156" /> + <path + id="F_MMMm" + d="m 1444.43,1591.24 -8.43,3 8.65,2.24 -2.25,-2.52 z" + stroke="#000000" + stroke-width="2.23952" /> + <g + id="use1272-2-4"> + <path + id="circle77227-5-2" + d="m 1501.01,1604.76 c 6.28,0 11.38,-5.09 11.38,-11.38 0,-6.28 -5.1,-11.38 -11.38,-11.38 -6.29,0 -11.39,5.1 -11.39,11.38 0,6.29 5.1,11.38 11.39,11.38 z" + fill="#aaccee" + stroke="#000000" + stroke-width="1.1381" /> + <g + id="path77229-7-0"> + <path + d="m 1493.04,1585.41 15.93,15.94 z" + fill="#aaccee" + id="path945" /> + <path + d="m 1493.04,1585.41 15.93,15.94" + stroke="#000000" + stroke-width="1.1381" + id="path946" /> + </g> + <g + id="path77231-8-3"> + <path + d="m 1493.04,1601.35 15.93,-15.94 z" + fill="#aaccee" + id="path947" /> + <path + d="m 1493.04,1601.35 15.93,-15.94" + stroke="#000000" + stroke-width="1.1381" + id="path948" /> + </g> + </g> + <text + id="Val, 3mob, propCoA" + transform="rotate(0.11511,-788340.38,756637.78)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.42968801" + y="14.5469" + id="tspan948">Val, 3mob, propCoA</tspan></text> + </g> + <g + id="Group 40"> + <text + id="text14242-5-4" + transform="rotate(0.11511,-577059.54,327120.53)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.265625" + y="14.5469" + id="tspan949">Leu</tspan></text> + <text + id="text14246-3-8" + transform="rotate(0.11511,-577503.29,380877.81)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.265625" + y="14.5469" + id="tspan950">Leu</tspan></text> + <path + id="F_LEUt5m" + d="m 749.815,1174.34 c 9.671,-3.08 9.671,-3.08 9.671,-3.08 l -9.792,-2.67 2.493,2.82 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_LEUt5m" + d="m 696.463,1170.59 55.323,0.67" + stroke="#000000" + stroke-width="1.59033" /> + <path + id="B_LEUt5m" + d="m 698.305,1167.53 c -9.774,2.74 -9.774,2.74 -9.774,2.74 l 9.691,3.01 -2.392,-2.91 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="Group 37"> + <text + id="text6706-4-5" + transform="rotate(0.11511,-593484.22,328132.53)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.42968801" + y="14.5469" + id="tspan951">Val</tspan></text> + <text + id="text6710-5-6" + transform="rotate(0.11511,-593928.97,380894.31)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.42968801" + y="14.5469" + id="tspan952">Val</tspan></text> + <path + id="F_VALt5m" + d="m 749.053,1206.36 c 9.672,-3.08 9.672,-3.08 9.672,-3.08 l -9.793,-2.67 2.494,2.83 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_VALt5m" + d="m 695.702,1202.61 55.323,0.68" + stroke="#000000" + stroke-width="1.59033" /> + <path + id="B_VALt5m" + d="m 697.544,1199.55 c -9.775,2.74 -9.775,2.74 -9.775,2.74 l 9.692,3.01 -2.392,-2.91 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="Group 44"> + <path + id="R_LYStm" + d="m 730.86,1398.47 c 6.57,-1.84 5.173,-17.14 5.173,-17.14 m -42.445,17.38 66.106,0.67 m -53.367,-17.87 c -2.805,10.81 5.315,17.18 5.315,17.18" + stroke="#000000" + stroke-width="1.48938" /> + <path + id="F_LYStm" + d="m 753.702,1402.48 c 9.762,-2.78 9.762,-2.78 9.762,-2.78 l -9.705,-2.97 2.405,2.9 z m -45.178,-18.58 c -2.216,-6.88 -2.216,-6.88 -2.216,-6.88 l -2.325,6.86 2.284,-1.71 z" + stroke="#000000" + stroke-width="2.66667" /> + <g + id="text5315-1-8"> + <text + transform="rotate(1.03014,-75399.394,39611.016)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text953"><tspan + x="0.0617189" + y="11.1602" + id="tspan953">H</tspan></text> + <text + transform="rotate(1.03014,-75399.394,39611.016)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text954"><tspan + x="8.7335901" + y="11.1602" + id="tspan954">⁺</tspan></text> + </g> + <g + id="text5319-1-3"> + <text + transform="rotate(1.03014,-75443.972,41272.691)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text955"><tspan + x="0.0617189" + y="11.1602" + id="tspan955">H</tspan></text> + <text + transform="rotate(1.03014,-75443.972,41272.691)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text956"><tspan + x="8.7335901" + y="11.1602" + id="tspan956">⁺</tspan></text> + </g> + <text + id="text5323-2-5" + transform="rotate(0.11511,-691675.7,381987.99)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0" + y="14.5469" + id="tspan957">Lys</tspan></text> + <text + id="text5327-6-9" + transform="rotate(0.11511,-691228.45,331714.96)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0" + y="14.5469" + id="tspan958">Lys</tspan></text> + </g> + <g + id="Group 38"> + <text + id="text6724-7" + transform="rotate(0.11511,-531463.4,314631.02)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.14843801" + y="14.5469" + id="tspan959">3mob</tspan></text> + <text + id="text6752-6" + transform="rotate(0.11511,-531387.4,390288.7)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.14843801" + y="14.5469" + id="tspan960">3mob</tspan></text> + <g + id="text7876-8"> + <text + transform="rotate(1.03014,-57995.839,38914.855)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text961"><tspan + x="0.0617189" + y="11.1602" + id="tspan961">H</tspan></text> + <text + transform="rotate(1.03014,-57995.839,38914.855)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text962"><tspan + x="8.7335901" + y="11.1602" + id="tspan962">⁺</tspan></text> + </g> + <g + id="text7880-6"> + <text + transform="rotate(1.35335,-43694.455,32138.053)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text963"><tspan + x="0.0617189" + y="11.1602" + id="tspan963">H</tspan></text> + <text + transform="rotate(1.35335,-43694.455,32138.053)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text964"><tspan + x="8.7335901" + y="11.1602" + id="tspan964">⁺</tspan></text> + </g> + <path + id="F_3MOBt2im" + d="m 754.786,1062.49 c -2.276,-6.87 -2.276,-6.87 -2.276,-6.87 l -2.265,6.88 2.269,-1.72 z m 14.581,18.35 c 9.644,-3.16 9.644,-3.16 9.644,-3.16 l -9.815,-2.59 2.518,2.8 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_3MOBt2im" + d="m 695.4,1062.35 c -2.688,10.84 5.422,17.13 5.422,17.13 m 46.793,-0.37 c 6.501,-1.89 4.982,-17.18 4.982,-17.18 m -74.301,17.06 89.379,0.32" + stroke="#000000" + stroke-width="1.48337" /> + </g> + <g + id="Group 43"> + <text + id="text14294-5" + transform="rotate(0.11511,-661188.44,317747.82)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.14843801" + y="14.5469" + id="tspan965">4mop</tspan></text> + <text + id="text14294-2-9" + transform="rotate(0.11511,-662110.93,390420.02)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.14843801" + y="14.4397" + id="tspan966">4mop</tspan></text> + <g + id="text14350-6"> + <text + transform="rotate(1.03014,-72097.771,41824.753)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text967"><tspan + x="0.0617189" + y="11.1602" + id="tspan967">H</tspan></text> + <text + transform="rotate(1.03014,-72097.771,41824.753)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text968"><tspan + x="8.7335901" + y="11.1602" + id="tspan968">⁺</tspan></text> + </g> + <g + id="text14354-3"> + <text + transform="rotate(1.35335,-55098.006,29981.625)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text969"><tspan + x="0.0617189" + y="11.1602" + id="tspan969">H</tspan></text> + <text + transform="rotate(1.35335,-55098.006,29981.625)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text970"><tspan + x="8.7335901" + y="11.1602" + id="tspan970">⁺</tspan></text> + </g> + <path + id="R_4MOPt2im" + d="m 699.005,1322.74 c -2.585,10.87 5.583,17.08 5.583,17.08 m -22.36,0.39 87.113,-0.51 m -28.631,-0.4 c 6.484,-1.96 4.82,-17.23 4.82,-17.23" + stroke="#000000" + stroke-width="1.48337" /> + <path + id="F_4MOPt2im" + d="m 748.778,1323.38 c -2.341,-6.84 -2.341,-6.84 -2.341,-6.84 l -2.2,6.9 2.253,-1.75 z m 19.02,18.18 c 9.613,-3.26 9.613,-3.26 9.613,-3.26 l -9.839,-2.49 2.545,2.78 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="Group 50"> + <text + id="text5042-4" + transform="rotate(0.11511,-724064.47,312335.75)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.078125" + y="14.5469" + id="tspan971">2oxoadp</tspan></text> + <text + id="text5042-9-4" + transform="rotate(0.11511,-724990.47,381523.71)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.078125" + y="14.5469" + id="tspan972">2oxoadp</tspan></text> + <path + id="R_2OXOADPTm" + d="m 734.5,1465.79 c 6.571,-1.84 3.612,-18.05 3.612,-18.05 M 696,1465.79 h 65.773 m -53.366,-17.87 c -2.805,10.81 6.093,17.87 6.093,17.87" + stroke="#000000" + stroke-width="1.48938" /> + <text + id="text5315-1-4-9" + transform="rotate(1.03014,-79136.037,38752.703)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.32617199" + y="11.1602" + id="tspan973">AKG</tspan></text> + <text + id="text5319-1-4-4" + transform="rotate(1.03014,-79137.743,41532.781)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.32617199" + y="11.1602" + id="tspan974">AKG</tspan></text> + </g> + <g + id="Group 39"> + <text + id="text4809-6" + transform="rotate(0.11511,-550200.65,307681.37)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.25781199" + y="14.5469" + id="tspan975">propCoA</tspan></text> + <text + id="text4809-9-4" + transform="rotate(0.11511,-550126.15,381845.8)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.25781199" + y="14.5469" + id="tspan976">propCoA</tspan></text> + <path + id="F_PPCOAtm" + d="m 751.961,1119.34 c 9.672,-3.08 9.672,-3.08 9.672,-3.08 l -9.793,-2.67 2.494,2.82 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_PPCOAtm" + d="m 698.61,1115.59 55.323,0.67" + stroke="#000000" + stroke-width="1.59033" /> + <path + id="B_PPCOAtm" + d="m 700.452,1112.53 c -9.775,2.74 -9.775,2.74 -9.775,2.74 l 9.692,3.01 -2.392,-2.91 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="Group 41"> + <text + id="text4809-3-0" + transform="rotate(0.11511,-609938.9,299279.65)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.28125" + y="14.5469" + id="tspan977">5,10meTHF</tspan></text> + <text + id="text4809-9-0-1" + transform="rotate(0.11511,-609855.9,381905.8)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.28125" + y="14.5469" + id="tspan978">5,10meTHF</tspan></text> + <path + id="F_MLTHFtm" + d="m 750.829,1239.14 c 9.671,-3.08 9.671,-3.08 9.671,-3.08 l -9.792,-2.68 2.493,2.83 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_MLTHFtm" + d="m 697.477,1235.38 55.323,0.68" + stroke="#000000" + stroke-width="1.59033" /> + <path + id="B_MLTHFtm" + d="m 699.319,1232.33 c -9.774,2.73 -9.774,2.73 -9.774,2.73 l 9.691,3.02 -2.391,-2.91 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="Group 58"> + <text + id="text7967-0-3-65-1-3-2-82-8-8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1043.33" + y="1184.16" + id="tspan979">AKG</tspan></text> + <text + id="text7967-0-3-65-1-3-2-5-0-5-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1050.15" + y="1213.16" + id="tspan980">Glu</tspan></text> + <g + id="B_ASPTAm"> + <path + d="m 1081.5,1207 -1,2 1,2.5 -6.5,-1.5 z" + stroke="#000000" + stroke-width="2.23952" + id="path980" /> + <path + d="m 1096,1404 3.5,2 2.5,-1 -2.5,10 z" + stroke="#000000" + stroke-width="2.23952" + id="path981" /> + </g> + <path + id="F_ASPTAm" + d="m 1095,1152.5 3,-7.5 4,7.5 c 0,0 -3.02,-2.22 -4,-3 z" + stroke="#000000" + stroke-width="2.23952" + stroke-miterlimit="5.75877" /> + <path + id="R_ASPTAm" + d="m 1099,1150 v 256 m -17,-197.48 c 0,0 17,3.06 17,-14.63 0,0 0,-12.25 -17,-12.25" + stroke="#000000" + stroke-width="2.25114" /> + <text + id="text7967-0-3-0-2-6-3-0-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1083.38" + y="1133.55" + id="tspan981">Asp</tspan></text> + <text + id="text7967-0-3-9-1-2-1-3-4-7-1" + transform="translate(1052,962)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.156251" + y="14.5469" + id="tspan982">Glu</tspan></text> + <g + id="text7967-0-3-9-1-2-1-3-8-9-5"> + <text + transform="translate(1056.15,1038.51)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text983"><tspan + x="0.41562501" + y="14.5469" + id="tspan983">H</tspan></text> + <text + transform="translate(1056.15,1038.51)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text984"><tspan + x="11.9781" + y="14.5469" + id="tspan984">⁺</tspan></text> + </g> + <g + id="text7967-0-3-9-1-2-1-3-8-9-5-0"> + <text + transform="translate(1061,993)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text985"><tspan + x="0.41562501" + y="14.5469" + id="tspan985">H</tspan></text> + <text + transform="translate(1061,993)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text986"><tspan + x="11.9781" + y="14.5469" + id="tspan986">⁺</tspan></text> + </g> + <text + id="text7967-0-3-9-1-2-1-3-4-8-3-9" + transform="translate(1049,1058)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.156251" + y="14.5469" + id="tspan987">Glu</tspan></text> + <path + id="R_ASPGLUm" + d="m 1100.62,1117 0.15,-153 m 0,97.62 c -1.61,10.83 -15.26,8.08 -15.26,8.08 m -3.51,-68.2 c 18.62,0 18.62,13 18.62,13 M 1082,973 c 18.62,0 18.62,19 18.62,19 m 0.15,46.19 c -1.61,10.83 -15.26,8.08 -15.26,8.08" + stroke="#000000" + stroke-width="2.81982" /> + <path + id="F_ASPGLUm" + d="m 1104.5,966 -4,-2.5 -3.5,2.5 3.5,-8 z m -12.4,106.14 -13.23,-2.73 13.17,-2.89 -3.27,2.83 z m -3.28,-22.8 -13.24,-2.73 13.18,-2.89 -3.27,2.83 z" + stroke="#000000" + stroke-width="2.57925" /> + </g> + <g + id="Group 52"> + <text + id="text4191" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1404.08" + y="2045.55" + id="tspan988">AcAcCoA</tspan></text> + <path + id="F_ACACT1m" + d="m 1367.52,2039.22 c -9.22,2.82 -9.22,2.82 -9.22,2.82 l 9.15,3.03 -2.26,-2.95 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_ACACT1m" + d="m 1367.32,2041.75 h 33.25 m -22.08,0.15 c 7.09,-1.89 6.27,-20.61 6.27,-20.61" + stroke="#000000" + stroke-width="1.57473" /> + <text + id="text4203" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1373.3199" + y="2018.16" + id="tspan989">CoA</tspan></text> + <text + id="text4207" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1288.4301" + y="2045.55" + id="tspan990">2 AcCoA</tspan></text> + <path + id="F_HACD1m" + d="m 1492.61,2036.41 c -9.61,3.25 -9.61,3.25 -9.61,3.25 l 9.84,2.5 -2.54,-2.78 z m 10.89,-10.91 -1.5,-4.5 -1.5,4.5 1.5,-0.5 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_HACD1m" + d="M 1579.5,2039.24 C 1595,2039.18 1595,2026 1595,2026 m -103.17,13.58 c 0,0 12.6,-0.05 20.67,-0.08 m 107.34,-0.42 c 0,0 -65.42,0.25 -107.34,0.42 M 1539,2026 c 0,13.39 12,13.35 12,13.35 m -38.5,0.15 C 1500,2039.54 1502,2026 1502,2026" + stroke="#000000" + stroke-width="1.54275" /> + <path + id="B_HACD1m" + d="m 1596,2022 -2.5,4.5 2,-0.5 1.5,1 z m 20.54,13.45 2.55,2.78 -2.32,2.97 9.61,-3.25 z" + stroke="#000000" + stroke-width="2.66667" /> + <text + id="text5606-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1486.49" + y="2015.16" + id="tspan991">NADH</tspan></text> + <g + id="text5606-3_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text992"><tspan + x="1582.22" + y="2015.16" + id="tspan992">NAD</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text993"><tspan + x="1607.5699" + y="2015.16" + id="tspan993">⁺</tspan></text> + </g> + <g + id="text5606-3_3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text994"><tspan + x="1532.0601" + y="2024.16" + id="tspan994">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text995"><tspan + x="1540.73" + y="2024.16" + id="tspan995">⁺</tspan></text> + </g> + <g + id="use1272-2"> + <path + id="circle77227-5" + d="m 1647.38,2048.76 c 6.29,0 11.38,-5.09 11.38,-11.38 0,-6.28 -5.09,-11.38 -11.38,-11.38 -6.28,0 -11.38,5.1 -11.38,11.38 0,6.29 5.1,11.38 11.38,11.38 z" + fill="#aaccee" + stroke="#000000" + stroke-width="1.1381" /> + <g + id="path77229-7"> + <path + d="m 1639.41,2029.41 15.94,15.94 z" + fill="#aaccee" + id="path995" /> + <path + d="m 1639.41,2029.41 15.94,15.94" + stroke="#000000" + stroke-width="1.1381" + id="path996" /> + </g> + <g + id="path77231-8"> + <path + d="m 1639.41,2045.35 15.94,-15.94 z" + fill="#aaccee" + id="path997" /> + <path + d="m 1639.41,2045.35 15.94,-15.94" + stroke="#000000" + stroke-width="1.1381" + id="path998" /> + </g> + </g> + <g + id="use1272-2-48"> + <path + id="circle77227-5-9" + d="m 1561.38,1925.76 c 6.29,0 11.38,-5.09 11.38,-11.38 0,-6.28 -5.09,-11.38 -11.38,-11.38 -6.28,0 -11.38,5.1 -11.38,11.38 0,6.29 5.1,11.38 11.38,11.38 z" + fill="#aaccee" + stroke="#000000" + stroke-width="1.1381" /> + <g + id="path77229-7-3"> + <path + d="m 1553.41,1906.41 15.94,15.94 z" + fill="#aaccee" + id="path999" /> + <path + d="m 1553.41,1906.41 15.94,15.94" + stroke="#000000" + stroke-width="1.1381" + id="path1000" /> + </g> + <g + id="path77231-8-4"> + <path + d="m 1553.41,1922.35 15.94,-15.94 z" + fill="#aaccee" + id="path1001" /> + <path + d="m 1553.41,1922.35 15.94,-15.94" + stroke="#000000" + stroke-width="1.1381" + id="path1002" /> + </g> + </g> + <text + id="text14626" + transform="translate(1421.02,1905.07)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.375" + y="14.5469" + id="tspan1002">HMGCoA</tspan></text> + <text + id="text14626-4" + transform="translate(1579.62,1906.11)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.46093801" + y="14.5469" + id="tspan1003">Leu, 4mop</tspan></text> + <text + id="text14626-4-3" + transform="translate(1620.02,2006.1)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.125" + y="14.5469" + id="tspan1004">Lys, 2oxoadp</tspan></text> + <path + id="F_HMGCOASm" + d="m 1458.03,1929 -2.49,9.84 2.77,-2.55 2.97,2.33 z m -13.03,13 -4,2 4.5,1.5 -0.5,-2 z" + stroke="#000000" + stroke-width="2.66667" /> + <text + id="AcCoA" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1405.3199" + y="2000.16" + id="tspan1005">AcCoA</tspan></text> + <g + id="H2O_3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1007"><tspan + x="1419.38" + y="2024.16" + id="tspan1006">H</tspan><tspan + x="1432.28" + y="2024.16" + id="tspan1007">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1008"><tspan + x="1428.05" + y="2024.16" + id="tspan1008">₂</tspan></text> + </g> + <text + id="text5643" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1413.3199" + y="1948.16" + id="tspan1009">CoA</tspan></text> + <g + id="text5643_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1010"><tspan + x="1424.0601" + y="1969.16" + id="tspan1010">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1011"><tspan + x="1432.73" + y="1969.16" + id="tspan1011">⁺</tspan></text> + </g> + <path + id="R_HMGCOASm" + d="m 1445.26,1997.26 c 10.86,2.59 13.33,-9 13.33,-9 m 0,-51.5 c 0,0 0,23.95 0,38 m 0,55.74 c 0,0 0,-10.29 0,-22.5 m 0,-55.24 c -3.33,-10.58 -13.33,-9 -13.33,-9 m 13.33,31 c -4.83,-13.5 -13.33,-11 -13.33,-11 m 13.33,11 c 0,7.87 0,21.45 0,33.24 m 0,0 c 0,13 -13.33,13 -13.33,13" + stroke="#000000" + stroke-width="1.67988" /> + <g + id="text14606"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1013"><tspan + x="1512.54" + y="1936.45" + id="tspan1012">H</tspan><tspan + x="1525.4399" + y="1936.45" + id="tspan1013">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1014"><tspan + x="1521.22" + y="1936.45" + id="tspan1014">₂</tspan></text> + </g> + <path + id="F_MGCHrm" + d="m 1504.42,1917.46 c -9.67,-3.1 -9.67,-3.1 -9.67,-3.1 l 9.8,-2.65 -2.5,2.82 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_MGCHrm" + d="M 1544.78,1913.83 H 1502 m 17,0 c 6.36,2.33 5.5,11.17 5.5,11.17" + stroke="#000000" + stroke-width="1.40903" /> + </g> + </g> + <g + id="Group 28"> + <g + id="Group 156"> + <path + id="R_ARGSL" + d="m 1625.46,547.223 c -21.04,-8.144 -39.6,4.88 -39.6,4.88 m 11.01,-5.587 c 8.24,-1.19 8.76,-13.095 8.76,-13.095" + stroke="#000000" + stroke-width="1.90942" /> + <path + id="R_ARGN" + d="m 1650.55,624.333 c 31.7,-25.713 8.79,-61.242 8.79,-61.242 m 20.32,12.85 C 1665.45,577.5 1667.3,589 1667.3,589 c -1.01,18.5 100.7,11 100.7,11" + stroke="#000000" + stroke-width="2.17479" /> + <path + id="B_ARGSL" + d="m 1587.74,547.476 c -7.64,6.684 -7.64,6.684 -7.64,6.684 l 10.04,-1.459 -3.41,-1.595 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="F_ARGSL" + d="m 1620.1,549.031 c 10.08,-1.22 10.08,-1.22 10.08,-1.22 l -9.12,-4.452 1.92,3.24 z m -12.79,-14.626 c -0.94,-6.792 -0.94,-6.792 -0.94,-6.792 l -2.45,6.24 1.88,-1.353 z" + stroke="#000000" + stroke-width="1.42066" /> + <path + id="F_ARGN" + d="m 1759,601.411 c 9.5,-0.897 9.5,-0.897 9.5,-0.897 l -8.9,-3.318 2,2.41 z m -109.09,19.545 c -6.09,8.117 -6.09,8.117 -6.09,8.117 l 9.52,-3.501 -3.67,-0.856 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="F_ARGSS" + d="m 1557.13,588.483 c 0.73,-10.125 0.73,-10.125 0.73,-10.125 l -6.11,8.105 3.54,-1.269 z m -19.91,5.413 c -9.22,2.45 -9.22,2.45 -9.22,2.45 l 9.32,1.806 -2.37,-2.048 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text5087-83" + transform="translate(1580.24,630.064)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.49218801" + y="14.5469" + id="tspan1015">Ci</tspan></text> + <text + id="text5091" + transform="translate(1625.94,628.636)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.265625" + y="14.5469" + id="tspan1016">Orn</tspan></text> + <text + id="text5095" + transform="translate(1533.22,554.717)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.03125" + y="14.5469" + id="tspan1017">ArgSuc</tspan></text> + <text + id="text5099" + transform="translate(1632.25,539.841)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.21093801" + y="14.5469" + id="tspan1018">Arg</tspan></text> + <text + id="text5111" + transform="translate(1593.23,513)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.49414101" + y="11.1602" + id="tspan1019">Fum</tspan></text> + <path + id="R_ARGSS" + d="m 1576.06,634.358 c -36.39,-15.925 -21.45,-50 -21.45,-50 m -22.73,27.738 c 13.19,2.58 20.81,-6.349 20.81,-6.349 m -0.63,-4.389 c -2.22,-7.011 -19.43,-5.055 -19.43,-5.055" + stroke="#000000" + stroke-width="2.0187" /> + <g + id="text5103-7"> + <text + transform="translate(1682.12,568.637)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1021"><tspan + x="0.38223499" + y="11.1602" + id="tspan1020">H</tspan><tspan + x="13.2779" + y="11.1602" + id="tspan1021">O</tspan></text> + <text + transform="translate(1682.12,568.637)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1022"><tspan + x="9.0541096" + y="11.1602" + id="tspan1022">₂</tspan></text> + </g> + <g + id="Group 144"> + <text + id="text6126" + transform="translate(1771,591)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.19531199" + y="14.5469" + id="tspan1023">Urea</tspan></text> + <path + id="R_UREAt" + d="M 1789.21,590.941 V 34.5" + stroke="#000000" + stroke-width="2.49358" /> + <path + id="F_UREAt" + fill-rule="evenodd" + clip-rule="evenodd" + d="M 1790.93,35.6484 1787.96,26 l -2.96,9.6484 2.96,-2.4122 z" + stroke="#000000" + stroke-width="2.32327" /> + </g> + </g> + <g + id="Group 145"> + <path + id="F_NH4t" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1807.89,35.2407 -2.95,-9.2406 -2.94,9.2406 2.94,-2.3101 z" + stroke="#000000" + stroke-width="3.3745" /> + <path + id="R_NH4t" + d="M 1805.39,531.5 V 30.5" + stroke="#000000" + stroke-width="2.28" /> + <g + id="M_Glc-8-6-7-8"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text1024"><tspan + x="1820.61" + y="547.547" + id="tspan1024">3</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text1025"><tspan + x="1797.48" + y="547.547" + id="tspan1025">NH</tspan></text> + </g> + </g> + </g> + <g + id="Group 30"> + <text + id="PalmCarn" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1935" + y="1802.3199" + id="tspan1026">PalmCarn</tspan></text> + <text + id="PalmCarn_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1717" + y="1802.3199" + id="tspan1027">PalmCarn</tspan></text> + <path + id="R_CARN160t_m" + d="m 1919.03,1797.01 h -112 m 100.47,15.65 c -4.5,-13.16 -12.5,-15.65 -12.5,-15.65 m -57.5,0 c -14,0 -10.5,15.65 -10.5,15.65" + stroke="#000000" + stroke-width="2.69741" /> + <path + id="B_CARN160t_m" + d="m 1825.5,1813 3,3 1,-4.5 -2,1.5 z m 92.87,-13.91 c 8.63,-2.34 8.63,-2.34 8.63,-2.34 l -8.51,-2.75 2.08,2.59 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="F_CARN160t_m" + d="m 1809.49,1795 c -7.49,2.67 -7.49,2.67 -7.49,2.67 l 7.68,2 -1.99,-2.25 z m 96.51,18.5 4,3.5 -0.5,-5 -1.5,1.5 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text7967-0-3-65-1-2-4-9-6-3-3-1-3-8-54-0-8-2-6-5" + transform="translate(1900,1819.01)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.48632801" + y="11.1602" + id="tspan1028">Carn</tspan></text> + <text + id="text7967-0-3-65-1-2-4-9-6-3-3-1-3-8-54-0-8-2-6-1" + transform="translate(1817,1819.01)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.48632801" + y="11.1602" + id="tspan1029">Carn</tspan></text> + <text + id="PalmCoA_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1579.41" + y="1802.55" + id="tspan1030">PalmCoA</tspan></text> + <path + id="F_carnitineAcylTransferaseII" + d="m 1664.54,1795.28 c -8.48,2.9 -8.48,2.9 -8.48,2.9 l 8.71,2.12 -2.26,-2.41 z m 11.52,-11.82 c -1.79,-8.16 -1.79,-8.16 -1.79,-8.16 l -1.97,8.08 1.9,-1.99 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_carnitineAcylTransferaseII" + d="m 1663.06,1797.28 41,-0.43 m -20.65,0.15 c 6.32,-1.58 5.59,-17.1 5.59,-17.1 m -13.9,-1.6 c -3.04,11.66 4.4,19 4.4,19" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="B_carnitineAcylTransferaseII" + d="m 1691.81,1782.38 c -1.79,-8.08 -1.79,-8.08 -1.79,-8.08 l -1.96,8.01 1.9,-1.98 z m 10.85,16.92 c 8.4,-2.98 8.4,-2.98 8.4,-2.98 l -8.7,-1.99 2.29,2.36 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text7967-0-3-65-1-2-4-9-6-3-3-1-3-8-54-0-8-2-6-6" + transform="translate(1654,1760.01)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.48632801" + y="11.1602" + id="tspan1031">Carn</tspan></text> + <text + id="text7967-0-3-65-1-2-4-9-6-3-3-1-3-8-54-0-2-2-5-6" + transform="translate(1684,1759)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.32226601" + y="11.1602" + id="tspan1032">CoA</tspan></text> + <text + id="text7967-0-3-9-14-8-1-9-3-4-5" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1324.4301" + y="1803.55" + id="tspan1033">8 AcCoA</tspan></text> + <text + id="text7967-0-3-65-5-3-5-1-2-8-1-2-5" + transform="rotate(0.250513,-404506.17,354948.12)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.31835899" + y="11.1602" + id="tspan1034">7 FAD</tspan></text> + <g + id="text7967-0-3-65-5-3-5-1-2-8-1-2-56"> + <text + transform="rotate(0.250513,-404529.67,344198.59)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1035"><tspan + x="0.21406201" + y="11.1602" + id="tspan1035">7 NAD</tspan></text> + <text + transform="rotate(0.250513,-404529.67,344198.59)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1036"><tspan + x="35.5812" + y="11.1602" + id="tspan1036">⁺</tspan></text> + </g> + <text + id="text7967-0-3-65-5-3-5-1-2-8-1-2-8" + transform="rotate(0.250513,-404553.17,333449.05)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.3125" + y="11.1602" + id="tspan1037">7 CoA</tspan></text> + <g + id="text7967-0-3-65-5-3-5-1-2-8-1-2-6"> + <text + transform="rotate(0.250513,-404577.17,322470.81)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1039"><tspan + x="0.37246901" + y="11.1602" + id="tspan1038">7 H</tspan><tspan + x="23.287701" + y="11.1602" + id="tspan1039">O</tspan></text> + <text + transform="rotate(0.250513,-404577.17,322470.81)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1040"><tspan + x="19.0639" + y="11.1602" + id="tspan1040">₂</tspan></text> + </g> + <path + id="R_betaOxidation" + d="m 1464,1797.76 c 7.43,-0.51 7,-11.69 7,-11.69 m 50,0 c 0,0 -3.07,11.18 -10.5,11.69 -6.86,1.19 -7.66,15.24 -7.66,15.24 m 62.29,-26.93 c 0,0 -3.52,11.18 -10.95,11.69 -6.86,1.19 -9.79,15.24 -9.79,15.24 m -142.89,-15.24 h 175 m -163.5,0 c 7.43,-0.51 9,-11.69 9,-11.69 m 37,11.69 c -6.86,1.19 -7.16,15.24 -7.16,15.24" + stroke="#000000" + stroke-width="1.7215" /> + <g + id="text7967-0-3-65-5-3-5-1-2-8-1-2-5-0"> + <text + transform="rotate(0.250513,-415155.64,349482.25)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1041"><tspan + x="0.47851601" + y="11.1602" + id="tspan1041">7 FADH</tspan></text> + <text + transform="rotate(0.250513,-415155.64,349482.25)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1042"><tspan + x="42.513699" + y="11.1602" + id="tspan1042">₂</tspan></text> + </g> + <text + id="text7967-0-3-65-5-3-5-1-2-8-1-2-56-5" + transform="rotate(0.250513,-415202.14,328211.9)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.48046899" + y="11.1602" + id="tspan1043">7 NADH</tspan></text> + <g + id="text7967-0-3-65-5-3-5-1-2-8-1-2-6-2"> + <text + transform="rotate(0.250513,-415171.64,342163.42)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1044"><tspan + x="0.051953301" + y="11.1602" + id="tspan1044">7 H</tspan></text> + <text + transform="rotate(0.250513,-415171.64,342163.42)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1045"><tspan + x="18.743401" + y="11.1602" + id="tspan1045">⁺</tspan></text> + </g> + <path + id="F_betaOxidation" + d="m 1450.52,1808.51 c 0.84,8.49 0.84,8.49 0.84,8.49 l 2.9,-7.97 -2.13,1.8 z m 51.1,0 c 0.84,8.49 0.84,8.49 0.84,8.49 l 2.9,-7.97 -2.13,1.8 z m 41.64,0 c 0.84,8.49 0.84,8.49 0.84,8.49 l 2.9,-7.97 -2.13,1.8 z M 1404.5,1795 l -8.5,3 8.5,3 -1.5,-3 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <g + id="Group 31"> + <g + id="text4777-3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1046"><tspan + x="2362.0601" + y="1990.16" + id="tspan1046">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1047"><tspan + x="2370.73" + y="1990.16" + id="tspan1047">⁺</tspan></text> + </g> + <g + id="text7967-0-3-0-02-3-6"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text1048"><tspan + x="2297.3201" + y="2027.55" + id="tspan1048">CO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text1049"><tspan + x="2321.3401" + y="2027.55" + id="tspan1049">₂</tspan></text> + </g> + <g + id="text7967-0-3-0-2-78-8-7"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text1050"><tspan + x="2396.3" + y="2027.55" + id="tspan1050">HCO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text1051"><tspan + x="2431.8701" + y="2027.55" + id="tspan1051">₃</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em" + id="text1052"><tspan + x="2437.51" + y="2027.55" + id="tspan1052">⁻</tspan></text> + </g> + <path + id="R_HCO3E" + d="m 2379.5,2022.65 h -48 m 28.12,-0.28 c 7.89,-2.16 5.88,-20.34 5.88,-20.34 m -14.5,21.25 c -7.97,2.41 -7.29,20.3 -7.29,20.3" + stroke="#000000" + stroke-width="2.1163" /> + <g + id="text7967-0-3-9-1-2-1-3-9-7"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1054"><tspan + x="2332.3799" + y="2056.1599" + id="tspan1053">H</tspan><tspan + x="2345.28" + y="2056.1599" + id="tspan1054">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1055"><tspan + x="2341.05" + y="2056.1599" + id="tspan1055">₂</tspan></text> + </g> + <path + id="F_HCO3E" + d="m 2368.22,2005.03 c -1.78,-9.37 -1.78,-9.37 -1.78,-9.37 l -2.48,9.17 2.22,-2.22 z m 10.66,19.84 c 9.66,-3.1 9.66,-3.1 9.66,-3.1 l -9.8,-2.65 2.5,2.82 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text4057" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2239.1001" + y="2027.55" + id="tspan1056">ADP</tspan></text> + <text + id="text4065-4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2182.8201" + y="1996.03" + id="tspan1057">Pi</tspan></text> + <g + id="text4073-2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1059"><tspan + x="2131.25" + y="1995.97" + id="tspan1058">H</tspan><tspan + x="2144.1399" + y="1995.97" + id="tspan1059">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1060"><tspan + x="2139.9199" + y="1995.97" + id="tspan1060">₂</tspan></text> + </g> + <text + id="text4077" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2089.0901" + y="2027.55" + id="tspan1061">ATP</tspan></text> + <path + id="R_ATPM" + d="m 2184.01,2022.45 c 7.16,-1.67 6.53,-18.98 6.53,-18.98 m -67.04,19.69 102.91,-0.4 m -20.4,-0.31 c 7.16,-1.67 6.53,-18.98 6.53,-18.98 m -63.68,-1.55 c -3.59,12.96 4.73,21.24 4.73,21.24" + stroke="#000000" + stroke-width="3.03597" /> + <path + id="F_ATPM" + d="m 2192.62,2009.17 c -1.78,-9.37 -1.78,-9.37 -1.78,-9.37 l -2.48,9.17 2.22,-2.21 z m 33.48,16.55 c 8.44,-2.95 8.44,-2.95 8.44,-2.95 l -8.63,-2.29 2.23,2.54 z m -11.48,-16.55 c -1.78,-9.37 -1.78,-9.37 -1.78,-9.37 l -2.48,9.17 2.22,-2.21 z" + stroke="#000000" + stroke-width="2.23952" /> + <g + id="text4101-5"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1062"><tspan + x="2208.72" + y="1996.03" + id="tspan1062">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1063"><tspan + x="2217.3899" + y="1996.03" + id="tspan1063">⁺</tspan></text> + </g> + <text + id="text7967-0-3-9-8-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2462.1001" + y="2029.55" + id="tspan1064">PPi</tspan></text> + <text + id="text7967-0-3-2-6-5-8-4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="2516.1599" + y="1996.16" + id="tspan1065">Pi</tspan></text> + <text + id="text7967-0-3-9-14-7-5" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2543.4399" + y="2029.55" + id="tspan1066">Pi</tspan></text> + <g + id="text7967-0-3-7-5-5-1"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1068"><tspan + x="2497.3799" + y="2051.1599" + id="tspan1067">H</tspan><tspan + x="2510.28" + y="2051.1599" + id="tspan1068">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1069"><tspan + x="2506.05" + y="2051.1599" + id="tspan1069">₂</tspan></text> + </g> + <path + id="R_PPA" + d="M 2529.72,2024.25 H 2496 m 17.64,-1.07 c -8.28,1.46 -6.19,13.81 -6.19,13.81 m 1.8,-13.18 c 8.37,-1.63 7.67,-13.79 7.67,-13.79" + stroke="#000000" + stroke-width="2.4681" /> + <path + id="F_PPA" + d="m 2527.61,2026.74 c 9.67,-3.1 9.67,-3.1 9.67,-3.1 l -9.8,-2.65 2.5,2.82 z m -7.66,-16.32 c -1.78,-9.37 -1.78,-9.37 -1.78,-9.37 l -2.48,9.17 2.22,-2.22 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <g + id="Group 32"> + <text + id="text5640-6" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2034.53" + y="1290.37" + id="tspan1070">0.01 dTTP</tspan></text> + <text + id="text5562-2" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2033.84" + y="1209.63" + id="tspan1071">0.01 dATP</tspan></text> + <text + id="text5543-5" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2031.09" + y="1263.46" + id="tspan1072">0.01 dGTP</tspan></text> + <text + id="text7967-0-3-6-2-0-0" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2042.22" + y="1182.1899" + id="tspan1073">0.05 UTP</tspan></text> + <text + id="text5590-1" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2032.47" + y="1236.55" + id="tspan1074">0.01 dCTP</tspan></text> + <text + id="text7967-0-3-6-2-7-4-6" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2048.21" + y="1155.49" + id="tspan1075">0.04CTP</tspan></text> + <text + id="text7967-0-5-1-1" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2034.42" + y="1331.8199" + id="tspan1076">0.27 Palm</tspan></text> + <text + id="text7967-0-8" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2037.84" + y="1357.36" + id="tspan1077">0.20 Chol</tspan></text> + <g + id="a14389-3"> + <text + id="text6883-6" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16px" + letter-spacing="0em"><tspan + x="2041.97" + y="1394.83" + id="tspan1078">0.28 G6P</tspan></text> + </g> + <g + id="a14389-3-9"> + <text + id="text6883-6-8" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16px" + letter-spacing="0em"><tspan + x="2031" + y="1419.7" + id="tspan1079">20.65 H20</tspan></text> + <text + id="text6883-6-8-0" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16px" + letter-spacing="0em"><tspan + x="2032.34" + y="1443.1899" + id="tspan1080">20.70 ATP</tspan></text> + </g> + <text + id="text4694-5" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2043.4" + y="1128.58" + id="tspan1081">0.04 GTP</tspan></text> + <text + id="text5640-6-2" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2448.8" + y="1177.9" + id="tspan1082">0.36 Arg</tspan></text> + <text + id="text5562-2-6" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2448.1001" + y="1248.71" + id="tspan1083">0.05 Cys</tspan></text> + <text + id="text5543-5-4" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2448.1001" + y="1319.61" + id="tspan1084">0.39 Glu</tspan></text> + <text + id="text7967-0-3-6-2-0-0-7" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2448.8" + y="1224.96" + id="tspan1085">0.35 Asp</tspan></text> + <text + id="text5590-1-2" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2448.1001" + y="1296.08" + id="tspan1086">0.33 Gln</tspan></text> + <text + id="text7967-0-3-6-2-7-4-6-0" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2448.8" + y="1201.4301" + id="tspan1087">0.28 Asn</tspan></text> + <text + id="text7967-0-5-1-1-1" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2097.46" + y="1489.5699" + id="tspan1088">0.29 Ile</tspan></text> + <text + id="text7967-0-8-1" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2096.72" + y="1466.76" + id="tspan1089">0.12 His</tspan></text> + <text + id="text6883-6-0" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2448.1001" + y="1272.55" + id="tspan1090">0.54 Gly</tspan></text> + <text + id="text5640-6-2-3" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2172.45" + y="1546.84" + id="tspan1091">0.59Lys</tspan></text> + <text + id="text7967-0-3-6-2-0-0-7-5" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2447.4299" + y="1342.62" + id="tspan1092">0.41 Pro</tspan></text> + <text + id="text7967-0-3-6-2-0-0-7-5-7" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2389.76" + y="1489.92" + id="tspan1093">0.26 Phe</tspan></text> + <text + id="text7967-0-3-6-2-7-4-6-0-8" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2389.77" + y="1471.21" + id="tspan1094">0.15 Met</tspan></text> + <text + id="text4694-5-1-8" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2097.05" + y="1508.79" + id="tspan1095">0.55 Leu</tspan></text> + <text + id="text5640-6-2-3-7" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2326.96" + y="1547.46" + id="tspan1096">0.01 Trp</tspan></text> + <text + id="text7967-0-3-6-2-0-0-7-5-4" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2391.01" + y="1510.1" + id="tspan1097">0.31Thr</tspan></text> + <text + id="text7967-0-3-6-2-7-4-6-0-8-0" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2449.01" + y="1389.6801" + id="tspan1098">0.16 Tyr</tspan></text> + <text + id="text7967-0-3-6-2-7-4-6-0-8-0-4" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2252.9199" + y="1548.21" + id="tspan1099">0.35Val</tspan></text> + <text + id="text4694-5-1-8-1" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2447.95" + y="1366.36" + id="tspan1100">0.39 Ser</tspan></text> + <text + id="text4694-5-1" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16.1333px" + letter-spacing="0em"><tspan + x="2448.8" + y="1154.9" + id="tspan1101">0.51 Ala</tspan></text> + <text + id="text11603-4-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="20px" + font-weight="bold" + letter-spacing="0em"><tspan + x="2232.73" + y="1058.27" + id="tspan1102">Biomass</tspan></text> + <text + id="text11603-4-6-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16px" + letter-spacing="0em"><tspan + x="2390.53" + y="1080.3101" + id="tspan1103">20.65 Pi</tspan></text> + <text + id="text11603-4-6-6-0" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16px" + letter-spacing="0em"><tspan + x="2098.0601" + y="1099.96" + id="tspan1104">20.65ADP</tspan></text> + <text + id="text11603-4-6-6-8" + fill="#2b0000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16px" + letter-spacing="0em"><tspan + x="2391.05" + y="1109.83" + id="tspan1105">20.65 H</tspan></text> + <path + d="m 2197.91,1437.75 v -316.97 m -77.68,318.12 h 77.26 m -77.26,-21.95 h 77.26 m -77.26,-25.96 h 77.26 m -77.26,-37.96 h 77.26 m -76.89,-24.33 h 77.25 m -77.25,-43.95 h 77.25 m -77.25,-25.96 h 77.25 m -77.25,-27.96 h 77.25 m -77.25,-27.95 h 77.25 m -77.25,-27.96 h 77.25 m -77.25,-25.95 h 77.25 m -77.25,-29.41 h 77.25 m 167.19,265.81 v -239.38 m 1.79,237.09 h 77.25 m -79.07,-20.78 h 77.26 m -77.26,-23.96 h 77.26 m -77.26,-23.95 h 77.26 m -77.26,-23.96 h 77.26 m -77.26,-23.95 h 77.26 m -77.26,-23.96 h 77.26 m -77.26,-23.96 h 77.26 m -77.26,-23.95 h 77.26 m -77.26,-23.96 h 77.26 m -77.26,-23.95 h 77.26 m -240.93,91.85 h 162.63 m -57.04,245.8 h -60.45 m 86.11,34.74 H 2218.1 m 27.59,-16.32 v -39.56 m 62.83,41.38 v -39.57 m -140.29,38.11 h 77.26 m -77.72,-17.87 h 77.26 m -76.8,-21.69 h 77.26 m 63.29,40.88 h 77.26 m -77.71,-19.87 h 77.26 m -76.81,-19.69 h 77.26 m -168.08,68.36 v -14.96 m 59.71,15.86 v -14.96 m 54.45,13.46 v -14.96 M 2278.47,1075.5 V 1484 m 73.21,-375.43 v -32.75 m 0.16,0.71 h 25.49 m -186.71,20.44 h 162.64 m -2.15,11.35 h 28.94" + stroke="#000000" + stroke-width="1.72969" + id="path1106" + inkscape:label="R_Biomass" /> + <path + id="F_Biomass" + d="m 2278.69,1068.05 -3.15,9.65 2.95,-2.35 2.8,2.51 z m 96.17,5.2 2.35,2.94 -2.52,2.81 9.81,-2.6 z m -180.3,20.63 -9.81,2.6 9.65,3.15 -2.35,-2.95 z m 182.25,8.74 2.35,2.95 -2.52,2.8 9.82,-2.6 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="Group 35"> + <g + id="text5577"> + <text + transform="rotate(0.250513,-65200.011,97131.447)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1106"><tspan + x="0.0617189" + y="11.1602" + id="tspan1106">H</tspan></text> + <text + transform="rotate(0.250513,-65200.011,97131.447)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1107"><tspan + x="8.7335901" + y="11.1602" + id="tspan1107">⁺</tspan></text> + </g> + <path + id="R_G3PD1ir" + d="m 407.638,284.551 c 0.924,7.066 13.463,8.654 13.463,8.654 m -13.463,10.546 c 0.924,7.066 13.463,8.654 13.463,8.654 m -13.099,-8.852 C 407.686,296.433 399,295 399,295 m 8.802,24 v -46.209" + stroke="#000000" + stroke-width="2.59711" /> + <text + id="text5591" + transform="rotate(0.250513,-70002.993,97141.947)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.49023399" + y="11.1602" + id="tspan1108">NADH</tspan></text> + <g + id="text5591_2"> + <text + transform="rotate(0.250513,-63626.517,84548.708)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1109"><tspan + x="0.223828" + y="11.1602" + id="tspan1109">NAD</tspan></text> + <text + transform="rotate(0.250513,-63626.517,84548.708)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1110"><tspan + x="25.571501" + y="11.1602" + id="tspan1110">⁺</tspan></text> + </g> + <path + id="F_G3PD1ir" + d="m 410.547,276.389 c -3.256,-9.614 -3.256,-9.614 -3.256,-9.614 l -2.492,9.839 2.778,-2.544 z M 400,294 h -4 l 3.5,3.5 -0.5,-2.5 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text5597" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="381.30499" + y="259.547" + id="tspan1111">Gly3P</tspan></text> + </g> + <g + id="Group 71"> + <g + id="Group 69"> + <text + id="text7967-0-3-65-5-3-5-8-9-7-6-6-1-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="787.15997" + y="861.15997" + id="tspan1112">GTP</tspan></text> + <g + id="text7967-0-3-65-1-2-4-9-6-3-3-1-6-3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1113"><tspan + x="677.48999" + y="854.15997" + id="tspan1113">CO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1114"><tspan + x="695.50201" + y="854.15997" + id="tspan1114">₂</tspan></text> + </g> + <text + id="text7967-0-3-65-1-2-4-9-6-3-3-1-6-3_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="719.492" + y="854.15997" + id="tspan1115">GDP</tspan></text> + <g + id="F_PEPCK_re"> + <path + d="m 677.5,868.5 6,-4 1.5,4.5 -0.5,-9 z" + stroke="#000000" + stroke-width="2.23952" + id="path1115" /> + <path + d="m 725.5,868.5 5.5,-4 3,6.5 -2,-10.5 z" + stroke="#000000" + stroke-width="2.23952" + id="path1116" /> + <path + d="m 287,877 -3.5,3.5 2.5,3 -11.5,-3 z" + stroke="#000000" + stroke-width="2.23952" + id="path1117" /> + </g> + <path + id="R_PEPCK_re" + d="m 1101,847 v -8.5 H 832.5 V 880 c 0,0 -81.06,0 -133,0 m -416,0 h 416 m 31,-16.651 C 727.5,880 738,880 738,880 m 48,0 c 12.5,0 12.5,-16.651 12.5,-16.651 M 699.5,880 C 678,880 683,863.349 683,863.349" + stroke="#000000" + stroke-width="2.22" /> + </g> + <g + id="Group 68"> + <path + id="R_ACONT" + d="m 1357.62,919.994 c -16.83,-0.009 -37.12,-10e-4 -37.12,-10e-4" + stroke="#000000" + stroke-width="2.43338" /> + <path + id="B_ACONT" + d="m 1355.21,923.238 c 9.62,-3.228 9.62,-3.228 9.62,-3.228 l -9.83,-2.521 2.54,2.786 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="F_ACONT" + d="m 1324.66,917.489 -9.66,3.101 9.8,2.65 -2.5,-2.819 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="Group 67"> + <text + id="text7967-0-3-65-1-3-2-82-8-9-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1145.21" + y="927.547" + id="tspan1117">AKG</tspan></text> + <text + id="text7967-0-3-9-2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1283.4301" + y="926.547" + id="tspan1118">Iso</tspan></text> + <text + id="text7967-0-3-2-6-9" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1213.49" + y="897.15997" + id="tspan1119">NADPH</tspan></text> + <g + id="text7967-0-3-2-6-9_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1120"><tspan + x="1195.0601" + y="904.15997" + id="tspan1120">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1121"><tspan + x="1203.73" + y="904.15997" + id="tspan1121">⁺</tspan></text> + </g> + <g + id="text7967-0-3-7-5-8"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1122"><tspan + x="1236.22" + y="946.15997" + id="tspan1122">NADP</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1123"><tspan + x="1269.5699" + y="946.15997" + id="tspan1123">⁺</tspan></text> + </g> + <path + id="R_ICDHyr" + d="M 1211.5,921.764 C 1201,921.702 1202,910 1202,910 m 43.41,12.049 c 8.95,1.358 6.7,12.856 6.7,12.856 m -58.42,-13.102 c 0,0 28.9,-0.1 45.81,0 m 33.5,0 c 0,0 -21.64,0.07 -33.5,0 m -26.15,0.534 c -8.55,1.671 -6.38,15.781 -6.38,15.781 m 32.53,-16.315 c -8,-0.047 -7.5,-14.303 -7.5,-14.303" + stroke="#000000" + stroke-width="2.22778" /> + <path + id="F_ICDHyr" + d="m 1197.1,919.506 -9.67,3.101 9.8,2.65 -2.5,-2.819 z m 2.9,-8.506 2,-1.5 h 1.5 l -3,-2.5 z m 5.39,25.02 1.78,9.37 2.48,-9.169 -2.22,2.217 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="B_ICDHyr" + d="m 1267.51,924.445 c 9.63,-3.228 9.63,-3.228 9.63,-3.228 l -9.84,-2.521 2.54,2.786 z" + stroke="#000000" + stroke-width="2.66667" /> + <g + id="text7967-0-3-7-5-9"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1124"><tspan + x="1198.49" + y="958.15997" + id="tspan1124">CO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1125"><tspan + x="1216.5" + y="958.15997" + id="tspan1125">₂</tspan></text> + </g> + </g> + <g + id="Group 70"> + <text + id="text6997-5" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1406.27" + y="900.15997" + id="tspan1126">ATP</tspan></text> + <text + id="text6997-5_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1405.3199" + y="875.15997" + id="tspan1127">CoA</tspan></text> + <text + id="text7027-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1365.16" + y="826.15997" + id="tspan1128">Pi</tspan></text> + <text + id="text7027-3-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + x="19.432791" + y="-26.503607"><tspan + x="1384.5928" + y="799.65637" + id="tspan1128-5">PPi</tspan></text> + <text + id="text7027-3-6-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + x="86.906853" + y="-25.270605"><tspan + x="1452.0669" + y="800.88934" + id="tspan1128-5-3">AMP</tspan></text> + <text + id="text7027-3_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1324.16" + y="843.15997" + id="tspan1129">ADP</tspan></text> + <path + id="R_ACITL" + d="m 1381.29,910.507 c 0,0 0.11,-32.004 0,-65.007 H 1397 m 24.5,0 c 0,0 -14.54,10e-4 -24.5,0 m -269,12 253.4263,3.43791 c 0.04,13 22.1637,10.41809 22.1637,10.41809 m -22.35,16.168 c 2.7,9.857 21.98,8.663 21.98,8.663 m -22.12,-44.688 c -0.06,-17.5 -17.9,-12.398 -17.9,-12.398 m 33.8,6.399 c -0.5,-15 -12,-15 -12,-15" + stroke="#000000" + stroke-width="2.37609" + sodipodi:nodetypes="cccccccccccccc" /> + <text + id="text7039-4-5" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1371.33" + y="926.547" + id="tspan1130">Cit</tspan></text> + <path + id="F_ACITL (Stroke)" + fill-rule="evenodd" + clip-rule="evenodd" + d="m 1377.53,823.782 12.35,4.119 -4.72,1.887 v 4.904 z m -9.81,9.565 -3.97,5.249 4.15,5.11 -16.36,-4.902 z m -8.51,5.326 2.11,0.632 -0.53,-0.659 0.51,-0.677 z m 55.22,2.304 14.09,4.403 -15.74,6.119 4.33,-6.055 z m 5.14,4.046 0.32,0.533 -0.67,0.945 2.26,-0.881 z m -282.96,7.381 1.12,2.005 -4.05,3.234 5.78,6.493 -20.36,-5.48 z m -9.71,5.94 5.64,1.52 -2.22,-2.507 0.52,-0.423 z" + fill="#000000" + inkscape:label="F_ACITL" + sodipodi:nodetypes="cccccccccccccccccccccccccccccccccccc" /> + </g> + <text + id="text7967-0-3-9-1-2-1-3-75-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="932" + y="864.31799" + id="tspan1131">Mal</tspan></text> + <text + id="text7967-0-3-65-1-3-2-5-0-5-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1065.15" + y="909.15997" + id="tspan1132">Glu</tspan></text> + <path + id="R_ASPTA" + d="m 1133.5,923 h -32.21 v -12.5 m 0,0 C 1101.29,900 1088,900 1088,900 m 13.29,10.5 v -36 m 0,36 V 932" + stroke="#000000" + stroke-width="2.23449" /> + <path + id="F_ASPTA" + d="m 1089,898 c -3.15,0.427 -2.5,0.5 -5,1.5 3.01,0.985 1.99,2.015 5,3 -0.7,-0.776 -0.8,-1.724 -1.5,-2.5 0.84,-0.636 0.66,-1.364 1.5,-2 z m 9.5,-16.186 c 0.87,-3.271 1.73,-6.543 2.59,-9.814 1.06,3.215 2.11,6.43 3.16,9.646 -1.04,-0.6 -2.11,-2.141 -3.14,-2.174 -0.87,0.781 -1.74,1.561 -2.61,2.342 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="B_ASPTA" + d="m 1132.12,921 c 0.85,0.636 1.69,1.272 2.53,1.908 -0.7,0.776 -1.4,1.553 -2.1,2.328 3.01,-0.985 6.02,-1.972 9.03,-2.957 -3.15,-0.427 -6.3,-0.852 -9.46,-1.279 z m -33.12,10 1.5,4.5 2.5,-4.5 -2.5,1 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text7967-0-3-9-1-2-1-3-4-8-5" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1082.38" + y="950.547" + id="tspan1133">Asp</tspan></text> + <text + id="text7967-0-3-0-4-9" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="930.10199" + y="950.547" + id="tspan1134">Fum</tspan></text> + <path + id="R_ASPT" + d="M 1078,946.603 H 977.903 m 23.097,0 c -7.161,1.671 -8.784,19.425 -8.784,19.425" + stroke="#000000" + stroke-width="1.82282" /> + <path + id="F_ASPT" + d="m 990.813,961.065 1.779,9.371 2.474,-9.17 -2.213,2.217 z m -11.619,-17.406 -8.446,2.947 8.633,2.288 -2.228,-2.535 z" + stroke="#000000" + stroke-width="2.23952" /> + <g + id="text7967-0-3-65-1-3-2-82-22"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1135"><tspan + x="983.32397" + y="982.15997" + id="tspan1135">NH</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1136"><tspan + x="1000.67" + y="982.15997" + id="tspan1136">₃</tspan></text> + </g> + <g + id="Group 65"> + <path + id="R_ME2" + d="m 573.5,960.189 c 0,26.311 26,23.811 26,23.811 23,0 23,-23.811 23,-23.811 m 306,-101.074 h -34 V 984 h -126 M 290,984 h 412.5 m 0,0 h 66 m -66,0 c -27.5,0 -26,-23.811 -26,-23.811 m 92,23.811 c -19.5,0 -20,-23.811 -20,-23.811" + stroke="#000000" + stroke-width="2.27986" /> + <path + id="F_ME2" + d="m 575.5,961.5 -2.5,-7.5 -3.5,11.5 3.5,-6 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text7051-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="551.48798" + y="947.15997" + id="tspan1137">NADPH</tspan></text> + <g + id="text7051-6_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1138"><tspan + x="743.06201" + y="956.15997" + id="tspan1138">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1139"><tspan + x="751.73401" + y="956.15997" + id="tspan1139">⁺</tspan></text> + </g> + <g + id="text7051-6_3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1140"><tspan + x="667.48999" + y="956.15997" + id="tspan1140">CO</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1141"><tspan + x="685.50201" + y="956.15997" + id="tspan1141">₂</tspan></text> + </g> + <g + id="text7051-10-6"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1142"><tspan + x="607.22198" + y="956.15997" + id="tspan1142">NADP</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1143"><tspan + x="640.573" + y="956.15997" + id="tspan1143">⁺</tspan></text> + </g> + </g> + <g + id="Group 66"> + <text + id="text7967-0-3-9-14-3-3-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1081.21" + y="863.547" + id="tspan1144">OAA</tspan></text> + <g + id="text7967-0-3-2-6-3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1145"><tspan + x="1020.06" + y="895.15997" + id="tspan1145">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1146"><tspan + x="1028.73" + y="895.15997" + id="tspan1146">⁺</tspan></text> + </g> + <text + id="text7967-0-3-2-6-3_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1037.49" + y="892.15997" + id="tspan1147">NADH</tspan></text> + <g + id="text7967-0-3-7-5-2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1148"><tspan + x="984.224" + y="895.15997" + id="tspan1148">NAD</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1149"><tspan + x="1009.57" + y="895.15997" + id="tspan1149">⁺</tspan></text> + </g> + <path + id="R_MDH" + d="m 1026.81,874.288 c 0,-13.988 -13,-14.062 -13,-14.062 -12,-0.068 -13.12,14.062 -13.12,14.062 M 974,860 c 0,0 37.98,0.216 62.31,0.354 m 34,-0.354 c 0,0 -20.48,0.43 -34,0.354 m 0,0 c 14,0.079 14,13.934 14,13.934" + stroke="#000000" + stroke-width="2.23449" /> + <path + id="F_MDH" + d="m 1026,880.901 c -0.43,-3.151 -0.57,-4.35 -1,-7.5 0.64,0.841 1.36,1.159 2,2 0.78,-0.699 1.72,-1.301 2.5,-2 -0.99,3.009 -1.5,4.5 -3.5,7.5 z m 40.66,-18.665 2.23,-2.535 -2.04,-2.701 8.44,2.947 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="B_MDH" + d="m 998.5,879.942 c -1,-5 0.427,-2.85 0,-6 0.636,0.841 0.864,1.159 1.5,2 l 3,-2 c -1,3 -3.515,2.991 -4.5,6 z M 974.445,863.236 966,860.289 974.633,858 l -2.229,2.535 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <path + id="R_FUM" + d="m 946.859,894.516 c -1.962,8.158 -17.917,7.083 -17.917,7.083 m 17.917,-25.236 v 51.653" + stroke="#000000" + stroke-width="3.16098" /> + <path + id="B_FUM" + d="m 934,903.5 -6,-1.892 5.5,-1.608 -0.415,1.608 z m 16.574,21.017 -4.261,9 -2.239,-9 2.239,3 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="F_FUM" + d="m 944.14,879.67 c 3.084,-9.67 3.084,-9.67 3.084,-9.67 l 2.667,9.793 -2.823,-2.494 z" + stroke="#000000" + stroke-width="2.66667" /> + <g + id="text7967-0-3-7-7"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1151"><tspan + x="899.38202" + y="906.15997" + id="tspan1150">H</tspan><tspan + x="912.27802" + y="906.15997" + id="tspan1151">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1152"><tspan + x="908.05402" + y="906.15997" + id="tspan1152">₂</tspan></text> + </g> + </g> + <g + id="Group 88"> + <text + id="text7967-0-3-6-2-7-4-34" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="453.276" + y="736.547" + id="tspan1153">3PPyr</tspan></text> + <text + id="text7967-0-3-65-1-3-2-82" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="12px" + letter-spacing="0em"><tspan + x="428.17401" + y="754.86401" + id="tspan1154">NADH</tspan></text> + <g + id="text7967-0-3-65-1-3-2-82_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="12px" + letter-spacing="0em" + id="text1155"><tspan + x="409.42801" + y="756.86401" + id="tspan1155">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="12px" + letter-spacing="0em" + id="text1156"><tspan + x="418.311" + y="756.86401" + id="tspan1156">⁺</tspan></text> + </g> + <g + id="text7967-0-3-65-1-3-2-5-0"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="12px" + letter-spacing="0em" + id="text1157"><tspan + x="373.36899" + y="759.86401" + id="tspan1157">NAD</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="12px" + letter-spacing="0em" + id="text1159"><tspan + x="399.138" + y="759.86401" + id="tspan1158">⁺</tspan></text> + </g> + <path + id="F_PGCD" + d="m 440.839,734.233 c 8.41,-3.046 8.41,-3.046 8.41,-3.046 L 440.59,729 l 2.258,2.509 z M 430,740.5 l 5,2.5 -1.5,-3.5 -1,1 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_PGCD" + d="m 278.5,731.255 h 122 m 42.708,0 H 400.5 M 411,741.5 c 0,0 0,-10.245 -10.5,-10.245 m 0,0 c -12.896,0 -11.5,10.245 -11.5,10.245 m 11.5,-10.245 c 31.5,0 31.5,10.245 31.5,10.245" + stroke="#000000" + stroke-width="2.22" /> + <path + id="B_PGCD" + d="M 280.783,728.128 C 271,730.833 271,730.833 271,730.833 l 9.682,3.047 -2.383,-2.918 z m 106.101,11.086 c 1.751,9.375 1.751,9.375 1.751,9.375 l 2.502,-9.162 -2.22,2.211 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <g + id="Group 91"> + <text + id="text1172" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="578.09399" + y="542.547" + id="tspan1159">CySS</tspan></text> + <path + id="R_CYSGLTH" + d="m 642.5,525.5 c 0,11.852 21.595,12.314 21.595,12.314 25.405,0 25.405,-12.314 25.405,-12.314 m -67,12.314 h 83.191" + stroke="#000000" + stroke-width="1.489" /> + <text + id="text1178" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="620.48199" + y="521.15997" + id="tspan1160">2 GSH</tspan></text> + <text + id="text1182" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="676.15601" + y="521.15997" + id="tspan1161">GSSG</tspan></text> + <text + id="text1186" + transform="translate(719,528)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.13281199" + y="14.5469" + id="tspan1162">2 Cys</tspan></text> + <path + id="F_CYSGLTH" + d="m 703.699,540.949 9.762,-2.78 -9.705,-2.972 2.405,2.9 z M 689,530.5 l 0.5,-4 -3.5,2.5 h 2 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_r0027" + d="m 672,578.714 c 25,0 28.5,-11.714 28.5,-11.714 M 672,578.714 c -5,0 -17,0 -17,-11.714 m 17,11.714 c -33,0 -70,0 -70,0 V 548.5 m 70,30.214 c 27.337,0 70,0 70,0 v -20 m -70,20 C 623.5,578.714 623.5,567 623.5,567" + stroke="#000000" + stroke-width="1.48938" /> + <path + id="R_HMR_3996" + d="m 672,582.5 c 25.5,0 25.5,11 25.5,11 m -25.5,-11 c -11,0 -14.805,0.185 -12,11 m 12,-11 c -29.289,0 -75,0 -75,0 v -34 m 75,34 c 29.289,0 75,0 75,0 v -24 m -75,24 c -48.5,0 -47.5,11 -47.5,11" + stroke="#000000" + stroke-width="1.48938" /> + <g + id="text1230"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1163"><tspan + x="612.06201" + y="560.15997" + id="tspan1163">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1164"><tspan + x="620.73401" + y="560.15997" + id="tspan1164">⁺</tspan></text> + </g> + <text + id="text1230_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="631.48798" + y="560.15997" + id="tspan1165">NADPH</tspan></text> + <text + id="text1234" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="688.32397" + y="560.15997" + id="tspan1166">NADP</tspan></text> + <text + id="text1242" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="603.48999" + y="610.15997" + id="tspan1167">NADH</tspan></text> + <g + id="text1242_2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1169"><tspan + x="653.06201" + y="615.15997" + id="tspan1168">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1170"><tspan + x="661.73401" + y="615.15997" + id="tspan1169">⁺</tspan></text> + </g> + <text + id="text1246" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="685.32599" + y="615.15997" + id="tspan1170">NAD</tspan></text> + <path + id="F_r0027" + d="m 743.995,562.784 -2.779,-9.762 -2.973,9.705 2.9,-2.405 z M 701,568.5 l 1,-4 -4,3 2.17,-0.733 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="F_HMR_3996" + d="m 749.209,562.762 -2.78,-9.762 -2.973,9.705 2.901,-2.405 z m -49.493,29.849 -2.216,6.889 -2.325,-6.86 2.284,1.704 z" + stroke="#000000" + stroke-width="2.66667" /> + <g + id="text1260"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1173"><tspan + x="550.38202" + y="572.15997" + id="tspan1171">H</tspan><tspan + x="563.27802" + y="572.15997" + id="tspan1172">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1174"><tspan + x="559.05402" + y="572.15997" + id="tspan1173">₂</tspan></text> + </g> + <g + id="text1264"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1175"><tspan + x="522.32397" + y="572.15997" + id="tspan1174">NH</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1176"><tspan + x="539.66803" + y="572.15997" + id="tspan1175">₃</tspan></text> + </g> + <path + id="F_CystinePyruvate" + d="m 530.073,553.576 c 2.216,6.889 2.216,6.889 2.216,6.889 l 2.325,-6.86 -2.284,1.704 z M 514.762,535 C 505,537.779 505,537.779 505,537.779 l 9.705,2.973 -2.405,-2.9 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_CystinePyruvate" + d="m 561.995,560.937 c 2.668,-14.49 -5.056,-23.017 -5.056,-23.017 m 17.938,-0.147 H 509 m 28.604,0.241 c -6.57,1.838 -5.173,17.139 -5.173,17.139" + stroke="#000000" + stroke-width="1.489" /> + <text + id="text1295" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="473.09399" + y="542.547" + id="tspan1176">Pyr</tspan></text> + <path + id="B_HMR_3996" + d="m 661.541,593 -2.216,6.889 -2.325,-6.86 2.284,1.704 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="B_r0027" + d="m 657,568.5 -3.5,-4 -0.5,5.5 2.284,-1.704 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="B_CYSGLTH" + d="M 644.5,528.628 642,526 l 0.5,5 0.637,-2.372 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="Group 92"> + <text + id="text7967-0-3-6-2-7-4-34-22" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="420.375" + y="520.547" + id="tspan1177">Asn</tspan></text> + <text + id="AMP" + transform="rotate(0.638475,-50062.454,34484.008)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.49804699" + y="11.1602" + id="tspan1178">AMP</tspan></text> + <text + id="Glu" + transform="rotate(0.638475,-47904.752,35189.909)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.15429699" + y="11.1602" + id="tspan1179">Glu</tspan></text> + <text + id="PPi" + transform="rotate(0.638475,-52481.368,35215.409)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.160156" + y="11.1602" + id="tspan1180">PPi</tspan></text> + <text + id="ATP" + transform="rotate(0.638475,-57684.646,35513.621)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.27343801" + y="11.1602" + id="tspan1181">ATP</tspan></text> + <text + id="Gln" + transform="rotate(0.638475,-59567.135,35883.072)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.15429699" + y="11.1602" + id="tspan1182">Gln</tspan></text> + <g + id="H2O_4"> + <text + transform="rotate(0.638475,-55351.47,35500.621)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1184"><tspan + x="0.38223499" + y="11.1602" + id="tspan1183">H</tspan><tspan + x="13.2779" + y="11.1602" + id="tspan1184">O</tspan></text> + <text + transform="rotate(0.638475,-55351.47,35500.621)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1185"><tspan + x="9.0541096" + y="11.1602" + id="tspan1185">₂</tspan></text> + </g> + <path + id="R_ASNS1" + d="M 432.542,534.162 V 682 m 0.001,-43.5 c -0.001,13 -14.736,13 -14.736,13 m 0,-81.5 c 15.76,0 14.735,16.5 14.735,16.5 m -14.735,39 c 0,0 14.735,0 14.735,-13 0,0 1.025,-16.5 -14.734,-16.5 m 14.734,65.5 c 0,13 -14.735,13 -14.735,13 m 0,-130.5 c 15.76,0 14.735,16.5 14.735,16.5" + stroke="#000000" + stroke-width="2.99247" /> + <g + id="text7967-0-3-65-1-3-2-82-8-2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1187"><tspan + x="459.38199" + y="612.15997" + id="tspan1186">H</tspan><tspan + x="472.27802" + y="612.15997" + id="tspan1187">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1188"><tspan + x="468.05399" + y="612.15997" + id="tspan1188">₂</tspan></text> + </g> + <g + id="text7967-0-3-65-1-3-2-82-8-3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1189"><tspan + x="466.32401" + y="644.15997" + id="tspan1189">NH</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1190"><tspan + x="483.668" + y="644.15997" + id="tspan1190">₃</tspan></text> + </g> + <path + id="F_ASNS1" + d="M 429.73,534.586 C 432.236,526 432.236,526 432.236,526 l 2.732,8.503 -2.647,-2.095 z m -9.363,7.54 C 411,543.924 411,543.924 411,543.924 l 9.174,2.456 -2.221,-2.209 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_ASNN" + d="m 441.765,526 -0.019,146.604 M 455.645,607 c 0,0 -13.89,0 -13.893,17.5 0,0 -0.002,16 13.893,16" + stroke="#000000" + stroke-width="2.99066" /> + <path + id="F_ASNN" + d="m 444.377,671.402 c -2.943,8.447 -2.943,8.447 -2.943,8.447 l -2.292,-8.632 2.536,2.227 z m 9.799,-28.893 C 463.5,640.5 463.5,640.5 463.5,640.5 l -9.228,-2.248 2.271,2.159 z" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text7967-0-3-0-8-9-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="420.375" + y="695.547" + id="tspan1191">Asp</tspan></text> + </g> + <g + id="Group 116"> + <text + id="text7967-0-3-6-2-7-4-34-4-6-2-4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1257.4301" + y="599.547" + id="tspan1192">P5C</tspan></text> + <text + id="text7967-0-3-6-2-7-4-34-4-6-2-4-5" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1262.16" + y="686.547" + id="tspan1193">Pro</tspan></text> + <path + id="R_PRO1x" + d="m 1253.35,651.139 c 9.4,2.665 14.25,-6.543 14.25,-6.543 M 1255.5,610.5 c 0,0 11.42,-3.5 11.48,9 0.06,12.5 -11.48,12.5 -11.48,12.5 m 11.4,-29.036 0.3,61.548" + stroke="#000000" + stroke-width="1.90151" /> + <path + id="F_PRO1x" + d="m 1255.13,649.081 c -9.46,1.221 -9.46,1.221 -9.46,1.221 l 9.01,3.013 -2.08,-2.341 z m 9.13,14.162 c 3.02,8.418 3.02,8.418 3.02,8.418 l 2.21,-8.654 -2.51,2.252 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_P5CR" + d="m 1291.5,651 c -9.89,0 -9.89,-10.5 -9.89,-34 m 0,0 c 0,-8 9.89,-7.5 9.89,-7.5 m -9.89,7.5 c 0,13.5 9.89,13.5 9.89,13.5 m -9.89,-27.5 v 61.512" + stroke="#000000" + stroke-width="1.90151" /> + <path + id="F_P5CR" + d="m 1289.54,648.548 c 9.46,1.221 9.46,1.221 9.46,1.221 l -9.01,3.012 2.09,-2.341 z m -4.99,14.695 c -3.03,8.418 -3.03,8.418 -3.03,8.418 l -2.21,-8.654 2.52,2.252 z" + stroke="#000000" + stroke-width="2.23952" /> + <g + id="text3908"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1194"><tspan + x="1241.0601" + y="635.15997" + id="tspan1194">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1195"><tspan + x="1249.73" + y="635.15997" + id="tspan1195">⁺</tspan></text> + </g> + <text + id="text3908_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1220.49" + y="614.15997" + id="tspan1196">NADH</tspan></text> + <g + id="text3920"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1197"><tspan + x="1293.0601" + y="635.15997" + id="tspan1197">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1198"><tspan + x="1301.73" + y="635.15997" + id="tspan1198">⁺</tspan></text> + </g> + <text + id="text3920_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1292.49" + y="614.15997" + id="tspan1199">NADPH</tspan></text> + <g + id="text3932"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1200"><tspan + x="1215.22" + y="653.15997" + id="tspan1200">NAD</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1201"><tspan + x="1240.5699" + y="653.15997" + id="tspan1201">⁺</tspan></text> + </g> + <g + id="text3938"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1202"><tspan + x="1301.22" + y="653.15997" + id="tspan1202">NADP</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1203"><tspan + x="1334.5699" + y="653.15997" + id="tspan1203">⁺</tspan></text> + </g> + <g + id="Group 100"> + <text + id="text7967-0-3-6-2-7-4-34-4-6-2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1168.04" + y="598.547" + id="tspan1204">GluSA</tspan></text> + <g + id="text7967-0-3-65-1-2-4-9-8-0-9-2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1206"><tspan + x="1218.38" + y="569.15997" + id="tspan1205">H</tspan><tspan + x="1231.28" + y="569.15997" + id="tspan1206">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1207"><tspan + x="1227.05" + y="569.15997" + id="tspan1207">₂</tspan></text> + </g> + <path + id="R_G5SADs" + d="m 1247.5,593.5 h -29 c 0,0 11.5,0 11.5,-11" + stroke="#000000" + stroke-width="2.32025" /> + <path + id="F_G5SADs" + d="m 1246.53,591.078 c 8.42,3.024 8.42,3.024 8.42,3.024 l -8.65,2.209 2.25,-2.514 z m -18.42,-6.592 c 1.22,-9.46 1.22,-9.46 1.22,-9.46 l 3.01,9.007 -2.34,-2.082 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + </g> + <g + id="Group 99"> + <path + id="R_GLUN" + d="m 1382,616 c 16.09,0 16.09,17 16.09,17 0,18.5 -16.09,18.5 -16.09,18.5 m 16.09,-60.5 v 103.661" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="F_GLUN" + d="m 1400.85,692.537 c -3.44,9.547 -3.44,9.547 -3.44,9.547 l -2.3,-9.887 2.73,2.6 z m -16.49,-38.932 c -9.32,-2.036 -9.32,-2.036 -9.32,-2.036 l 9.24,-2.22 -2.28,2.151 z" + stroke="#000000" + stroke-width="2.23952" /> + <g + id="text3504-6"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1208"><tspan + x="1355.3199" + y="657.15997" + id="tspan1208">NH</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1209"><tspan + x="1372.67" + y="657.15997" + id="tspan1209">₃</tspan></text> + </g> + <text + id="text3514-0" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1390.16" + y="587.547" + id="tspan1210">Gln</tspan></text> + <g + id="text3565-0"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1212"><tspan + x="1356.38" + y="620.15997" + id="tspan1211">H</tspan><tspan + x="1369.28" + y="620.15997" + id="tspan1212">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1213"><tspan + x="1365.05" + y="620.15997" + id="tspan1213">₂</tspan></text> + </g> + <g + id="text3687-9"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1214"><tspan + x="1433.13" + y="667.422" + id="tspan1214">NH</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1215"><tspan + x="1450.47" + y="667.422" + id="tspan1215">₃</tspan></text> + </g> + <text + id="text3691-0" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1432.08" + y="649.422" + id="tspan1216">ATP</tspan></text> + <path + id="F_GLNS" + d="m 1424.66,611.109 c 9.32,-2.036 9.32,-2.036 9.32,-2.036 l -9.23,-2.221 2.27,2.152 z m 0,16 c 9.32,-2.036 9.32,-2.036 9.32,-2.036 l -9.23,-2.221 2.27,2.152 z m -13.51,-25.047 c -3.32,-9.591 -3.32,-9.591 -3.32,-9.591 l -2.43,9.856 2.76,-2.564 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_GLNS" + d="m 1429.87,609.926 c -12.99,-3.437 -21.18,4.973 -21.18,4.973 m 0.41,42.437 c 1.99,7.051 21.59,6.235 21.59,6.235 m -0.82,-37.645 c -12.99,-3.437 -21.18,4.973 -21.18,4.973 m 0.41,8.437 c 1.99,7.051 21.59,6.235 21.59,6.235 M 1408.78,601.213 1408.69,704" + stroke="#000000" + stroke-width="2.23952" /> + <text + id="text3699-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1436.34" + y="627.32202" + id="tspan1217">ADP</tspan></text> + <text + id="text3703-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1435.97" + y="611.42401" + id="tspan1218">Pi</tspan></text> + </g> + <g + id="Group 96"> + <g + id="text7967-0-3-65-1-3-2-5-0-5-4-3-1-6"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1219"><tspan + x="1094.33" + y="741.15997" + id="tspan1219">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1220"><tspan + x="1103.67" + y="741.15997" + id="tspan1220">₂</tspan></text> + </g> + <text + id="text7967-0-3-6-2-7-4-34-3-3-7-8-9-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1114.05" + y="759.547" + id="tspan1221">Trp</tspan></text> + <path + id="F_TRPO2" + d="m 1070.45,758.674 c -8.45,-2.947 -8.45,-2.947 -8.45,-2.947 l 8.63,-2.289 -2.23,2.536 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_TRPO2" + d="m 1110.48,755.772 -40.32,0.198 M 1100,744.5 c 4.5,11.301 -16,11.272 -16,11.272" + stroke="#000000" + stroke-width="1.74914" /> + <text + id="text7967-0-3-6-2-7-4-34-4-71-2-2-8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="994.414" + y="759.547" + id="tspan1222">Lfmkynr</tspan></text> + </g> + <g + id="Group 95"> + <text + id="text7967-0-3-65-1-3-2-82-8-1-7-8-1-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="902.14502" + y="730.15997" + id="tspan1223">formate</tspan></text> + <g + id="text7967-0-3-65-1-3-2-82-8-1-7-8-1-6-8"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1224"><tspan + x="949.06201" + y="730.15997" + id="tspan1224">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1225"><tspan + x="957.73401" + y="730.15997" + id="tspan1225">⁺</tspan></text> + </g> + <path + id="F_FKYNH" + d="M 922.07,742.841 C 924,733.5 924,733.5 924,733.5 l 2.326,9.208 -2.177,-2.252 z m -10.624,15.504 C 903,755.398 903,755.398 903,755.398 l 8.633,-2.288 -2.229,2.535 z m 39.993,-15.504 c 1.93,-9.341 1.93,-9.341 1.93,-9.341 l 2.326,9.208 -2.178,-2.252 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_FKYNH" + d="m 934.5,755.601 c -13.5,0.022 -10.438,-18.433 -10.438,-18.433 m 67.938,18.39 -81.642,0.081 m 43.571,-18.471 c 0,0 -2.929,18.407 8.071,18.39 0,0 21.5,-0.034 21.5,-10.558" + stroke="#000000" + stroke-width="2.23449" /> + <g + id="text7967-0-3-65-1-3-2-5-0-5-4-3-1-6-29-2"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1227"><tspan + x="973.38202" + y="739.15997" + id="tspan1226">H</tspan><tspan + x="986.27802" + y="739.15997" + id="tspan1227">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1228"><tspan + x="982.05402" + y="739.15997" + id="tspan1228">₂</tspan></text> + </g> + </g> + <text + id="text7967-0-3-9-14-8" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1387.16" + y="718.547" + id="tspan1229">Glu</tspan></text> + <text + id="text7967-0-3-6-2-2-5" + transform="translate(1079,704)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.19531199" + y="14.5469" + id="tspan1230">urcan</tspan></text> + <g + id="Group 112"> + <path + id="F_HISDr" + d="m 1056.19,708.529 c -2.22,-6.889 -2.22,-6.889 -2.22,-6.889 l -2.33,6.86 2.29,-1.704 z m 9.87,10.118 c 9.68,-3.081 9.68,-3.081 9.68,-3.081 l -9.8,-2.671 2.5,2.825 z" + stroke="#000000" + stroke-width="2.66667" /> + <g + id="text7967-0-3-1-9"> + <text + transform="translate(1045,687)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1231"><tspan + x="0.32421899" + y="11.1602" + id="tspan1231">NH</tspan></text> + <text + transform="translate(1045,687)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1232"><tspan + x="17.667999" + y="11.1602" + id="tspan1232">₃</tspan></text> + </g> + <path + id="R_HISDr" + d="m 1066.54,715.574 h -25.04 c 13,0 13,-8.574 13,-8.574" + stroke="#000000" + stroke-width="1.53456" /> + <text + id="text7967-0-3-6-2-2-5-3" + transform="translate(1015,704)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.0390625" + y="14.5469" + id="tspan1233">His</tspan></text> + </g> + <g + id="Group 111"> + <path + id="F_URCN" + d="m 1146.33,717.913 c 9.67,-3.081 9.67,-3.081 9.67,-3.081 l -9.79,-2.67 2.49,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <g + id="text7967-0-3-1-9-4"> + <text + transform="translate(1118,691)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1235"><tspan + x="0.38223499" + y="11.1602" + id="tspan1234">H</tspan><tspan + x="13.2779" + y="11.1602" + id="tspan1235">O</tspan></text> + <text + transform="translate(1118,691)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1236"><tspan + x="9.0541096" + y="11.1602" + id="tspan1236">₂</tspan></text> + </g> + <path + id="R_URCN" + d="m 1124.5,714.842 h 22.3 c 0,0 -12.8,0 -12.8,-10.842" + stroke="#000000" + stroke-width="1.48337" /> + </g> + <text + id="text7967-0-3-6-2-2-5-8" + transform="translate(1159,704)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.42968801" + y="14.5469" + id="tspan1237">4izp</tspan></text> + <text + id="text7967-0-3-6-2-2-5-8-4" + transform="translate(1251,704)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.32031199" + y="14.5469" + id="tspan1238">forglu</tspan></text> + <g + id="text7967-0-3-1-9-5-4-8"> + <text + transform="translate(1332,689)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1239"><tspan + x="0.0617189" + y="11.1602" + id="tspan1239">H</tspan></text> + <text + transform="translate(1332,689)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1240"><tspan + x="8.7335901" + y="11.1602" + id="tspan1240">⁺</tspan></text> + </g> + <text + id="text7967-0-3-2-9-3-4-6-4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1346.47" + y="688.15997" + id="tspan1241">5forthf</tspan></text> + <g + id="Group 110"> + <path + id="R_IZPN" + d="m 1206.5,704.5 c 0,9.802 10.29,9.802 10.29,9.802 11.71,0 11.71,-9.802 11.71,-9.802 m -35.5,9.802 h 47.57" + stroke="#000000" + stroke-width="1.48337" /> + <text + id="text7967-0-3-1-9-5-4" + transform="translate(1224,685)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.16406199" + y="11.1602" + id="tspan1242">H</tspan></text> + <g + id="text7967-0-3-2-9-3-4-6"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1244"><tspan + x="1191.38" + y="703.15997" + id="tspan1243">H</tspan><tspan + x="1204.28" + y="703.15997" + id="tspan1244">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1245"><tspan + x="1200.05" + y="703.15997" + id="tspan1245">₂</tspan></text> + </g> + <path + id="F_IZPN" + d="m 1229.5,704 -1,-3 -1.5,4 1.5,-1.5 z m 7.05,12.695 c 9.67,-3.081 9.67,-3.081 9.67,-3.081 l -9.79,-2.671 2.5,2.825 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <path + id="F_GluForTx" + d="M 1365.75,698.889 C 1363.53,692 1363.53,692 1363.53,692 l -2.32,6.86 2.28,-1.704 z m 8.74,17.104 c 9.67,-3.081 9.67,-3.081 9.67,-3.081 l -9.79,-2.67 2.5,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="R_GluForTx" + d="m 1338,701 c -0.56,12.598 17,12.598 17,12.598 12.5,0 8.5,-15.098 8.5,-15.098 M 1319,701 c 0,12.598 16,12.598 16,12.598 m -35.5,0 h 75.89" + stroke="#000000" + stroke-width="1.48337" /> + <text + id="text7967-0-3-1-9-5-4-8-2" + transform="translate(1305,689)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.328125" + y="11.1602" + id="tspan1246">THF</tspan></text> + <g + id="Group 94"> + <text + id="text7967-0-3-6-2-7-4-34-4-71-2-2-8-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="854.19501" + y="759.547" + id="tspan1247">Lkynr</tspan></text> + <path + id="F_KYN" + d="m 755.5,761 c 1.93,9.341 1.5,8 1.5,8 l 3,-7 -2.422,1.385 z m -5.055,-9.345 C 742,754.602 742,754.602 742,754.602 l 8.633,2.289 -2.229,-2.536 z M 782.5,762 c 1,4.5 1.5,5.5 1.5,5.5 l 1.5,-5 -1.177,0.752 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="R_KYN" + d="m 841.5,762.5 c 0,-7.961 -16.5,-7.993 -16.5,-7.993 m -50.5,-0.097 c -17,0 -17,8.09 -17,8.09 m 92.11,-7.945 -100.476,-0.194 m 51.866,0.1 c -17,-0.033 -17,8.039 -17,8.039" + stroke="#000000" + stroke-width="2.23449" /> + <text + id="text7967-0-3-65-1-3-2-82-8-1-7-8-1-6-9-3" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="746.31097" + y="778.15997" + id="tspan1248">anth</tspan></text> + <g + id="text7967-0-3-65-1-3-2-82-8-1-7-8-1-6-8-7-3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1249"><tspan + x="787.06201" + y="778.15997" + id="tspan1249">H</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1250"><tspan + x="795.73401" + y="778.15997" + id="tspan1250">⁺</tspan></text> + </g> + <g + id="text7967-0-3-65-1-3-2-5-0-5-4-3-1-6-29-2-9-0"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1252"><tspan + x="830.38202" + y="771.15997" + id="tspan1251">H</tspan><tspan + x="843.27802" + y="771.15997" + id="tspan1252">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1253"><tspan + x="839.05402" + y="771.15997" + id="tspan1253">₂</tspan></text> + </g> + </g> + <g + id="Group 93"> + <g + id="use1272-8-6-5"> + <path + id="circle77227-6-6-0" + d="m 935.381,704.762 c 6.285,0 11.381,-5.096 11.381,-11.381 0,-6.286 -5.096,-11.381 -11.381,-11.381 -6.286,0 -11.381,5.095 -11.381,11.381 0,6.285 5.095,11.381 11.381,11.381 z" + fill="#aaccee" + stroke="#000000" + stroke-width="1.1381" /> + <g + id="path77229-0-5-3"> + <path + d="m 927.414,685.415 15.934,15.933 z" + fill="#aaccee" + id="path1253" /> + <path + d="m 927.414,685.415 15.934,15.933" + stroke="#000000" + stroke-width="1.1381" + id="path1254" /> + </g> + <g + id="path77231-5-9-4"> + <path + d="m 927.414,701.348 15.934,-15.933 z" + fill="#aaccee" + id="path1255" /> + <path + d="m 927.414,701.348 15.934,-15.933" + stroke="#000000" + stroke-width="1.1381" + id="path1256" /> + </g> + </g> + <text + id="text7967-0-3-6-2-7-4-34-4-71-2-2-8-1_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="854.078" + y="698.547" + id="tspan1256">2oxoadp</tspan></text> + <path + id="R_KYN3OX" + d="m 877.5,724.5 c 0,0 9.255,0 9.255,10 0,0 0,8.5 -9.255,8.5 m 9.255,-34.336 V 746" + stroke="#000000" + stroke-width="1.48337" /> + <path + id="F_KYN3OX" + d="m 889.729,712.827 c -3.225,-9.624 -3.225,-9.624 -3.225,-9.624 l -2.524,9.831 2.787,-2.536 z m -10.493,9.373 c -6.736,2.645 -6.736,2.645 -6.736,2.645 l 6.992,1.889 -1.844,-2.172 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <text + id="text7967-0-3-6-2-7-4-34-4-71-2-2-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1167.1" + y="768.547" + id="tspan1257">Thr</tspan></text> + <g + id="Group 114"> + <g + id="text7967-0-3-65-1-3-2-82-8-1-7-8-1-8-6"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1258"><tspan + x="1199.8199" + y="746.15997" + id="tspan1258">NH</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1259"><tspan + x="1217.17" + y="746.15997" + id="tspan1259">₃</tspan></text> + </g> + <path + id="F_THRD" + d="m 1220.28,768.501 c 8.44,-2.947 8.44,-2.947 8.44,-2.947 l -8.63,-2.288 2.23,2.535 z m -9.88,-10.369 c -1.93,-9.34 -1.93,-9.34 -1.93,-9.34 l -2.33,9.208 2.18,-2.252 z" + stroke="#000000" + stroke-width="2.23952" + inkscape:label="F_THRD_L" /> + <path + id="R_THRD_L" + d="M 1221.14,766.679 H 1194 c 14.5,0 14.5,-10.679 14.5,-10.679" + stroke="#000000" + stroke-width="1.91264" /> + </g> + <g + id="use1272-8-6-2"> + <path + id="circle77227-6-6-7" + d="m 1446.38,774.762 c 6.29,0 11.38,-5.096 11.38,-11.381 0,-6.286 -5.09,-11.381 -11.38,-11.381 -6.28,0 -11.38,5.095 -11.38,11.381 0,6.285 5.1,11.381 11.38,11.381 z" + fill="#aaccee" + stroke="#000000" + stroke-width="1.1381" /> + <g + id="path77229-0-5-0"> + <path + d="m 1438.41,755.414 15.94,15.933 z" + fill="#aaccee" + id="path1259" /> + <path + d="m 1438.41,755.414 15.94,15.933" + stroke="#000000" + stroke-width="1.1381" + id="path1260" /> + </g> + <g + id="path77231-5-9-0"> + <path + d="m 1438.41,771.347 15.94,-15.933 z" + fill="#aaccee" + id="path1261" /> + <path + d="m 1438.41,771.347 15.94,-15.933" + stroke="#000000" + stroke-width="1.1381" + id="path1262" /> + </g> + </g> + <text + id="text7967-0-3-6-2-7-4-34-4-71-2-2-8-6-1" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1231.21" + y="768.547" + id="tspan1262">2obut</tspan></text> + <text + id="text4809-31" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1363.4399" + y="767.64899" + id="tspan1263">propCoA</tspan></text> + <g + id="Group 113"> + <path + id="R_OBDHc" + d="M 1316.57,765.696 C 1330,765.696 1330,754 1330,754 m -13.43,11.696 c 0,0 -13.57,0 -13.57,-11.696 m 13.57,11.696 c -15.07,0 -38.57,0 -38.57,0 m 38.57,0 c 15.06,0 38.56,0 38.56,0 m -38.56,0 c 24.93,0 33.93,-11.696 33.93,-11.696 m -33.93,11.696 C 1283.5,765.696 1279.5,754 1279.5,754" + stroke="#000000" + stroke-width="1.48938" /> + <text + id="text4799" + transform="translate(1290,740)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.32226601" + y="11.1602" + id="tspan1264">CoA</tspan></text> + <text + id="text4799_2" + transform="translate(1260,740)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.32617199" + y="11.1602" + id="tspan1265">NAD</tspan></text> + <text + id="NADH_4" + transform="rotate(1.03014,-40150.423,75242.614)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.49023399" + y="11.1602" + id="tspan1266">NADH</tspan></text> + <g + id="CO2_7"> + <text + transform="rotate(1.03014,-40164.423,73685.313)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1267"><tspan + x="0.49023399" + y="11.1602" + id="tspan1267">CO</tspan></text> + <text + transform="rotate(1.03014,-40164.423,73685.313)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1268"><tspan + x="18.502001" + y="11.1602" + id="tspan1268">₂</tspan></text> + </g> + <path + id="F_OBDHc" + d="m 1349.9,768.503 c 9.76,-2.779 9.76,-2.779 9.76,-2.779 l -9.71,-2.973 2.41,2.9 z m -17.64,-13.42 c -2.22,-6.889 -2.22,-6.889 -2.22,-6.889 l -2.32,6.86 2.28,-1.704 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="Group 172"> + <text + id="text4649" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="790.03101" + y="611.547" + id="tspan1269">hgentis</tspan></text> + <g + id="Group 108"> + <text + id="text4614" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="898.328" + y="611.547" + id="tspan1270">hpp</tspan></text> + <path + id="R_34HPPOR" + d="m 890.634,596 c 0,11.298 -10,11.4 -10,11.4 -13.5,0.138 -13.5,-11.4 -13.5,-11.4 m 28.5,11.4 -40.106,0.257" + stroke="#000000" + stroke-width="1.48938" /> + <g + id="text4641"> + <text + transform="translate(885,583)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1271"><tspan + x="0.32617199" + y="11.1602" + id="tspan1271">O</tspan></text> + <text + transform="translate(885,583)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1272"><tspan + x="9.6660204" + y="11.1602" + id="tspan1272">₂</tspan></text> + </g> + <g + id="text4645"> + <text + transform="translate(856,576)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1273"><tspan + x="0.49023399" + y="11.1602" + id="tspan1273">CO</tspan></text> + <text + transform="translate(856,576)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1274"><tspan + x="18.502001" + y="11.1602" + id="tspan1274">₂</tspan></text> + </g> + <path + id="F_34HPPOR" + d="M 864.918,596.889 C 867.134,590 867.134,590 867.134,590 l 2.325,6.86 -2.284,-1.704 z m -4.156,13.42 C 851,607.53 851,607.53 851,607.53 l 9.705,-2.973 -2.405,2.9 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="Group 104"> + <text + id="text4675" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="789.39099" + y="545.547" + id="tspan1275">4mlacac</tspan></text> + <path + id="R_HGNTOR" + d="m 815.5,587.633 c 8.357,0 8.357,-11.5 8.357,-11.5 0,-9.5 -8.357,-8 -8.357,-8 m 8.357,30.5 V 577.08 555.527" + stroke="#000000" + stroke-width="1.48938" /> + <g + id="text4663"> + <text + transform="translate(802,579.633)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1276"><tspan + x="0.32617199" + y="11.1602" + id="tspan1276">O</tspan></text> + <text + transform="translate(802,579.633)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1277"><tspan + x="9.6660204" + y="11.1602" + id="tspan1277">₂</tspan></text> + </g> + <g + id="text4669"> + <text + transform="translate(792.5,561.133)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1278"><tspan + x="0.0617189" + y="11.1602" + id="tspan1278">H</tspan></text> + <text + transform="translate(792.5,561.133)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1279"><tspan + x="8.7335901" + y="11.1602" + id="tspan1279">⁺</tspan></text> + </g> + <path + id="F_HGNTOR" + d="m 817.5,566.133 c -7.86,2.175 -7.86,2.175 -7.86,2.175 l 6.86,2.325 -1.704,-2.284 z m 9.165,-5.371 C 823.886,551 823.886,551 823.886,551 l -2.973,9.705 2.9,-2.405 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="Group 105"> + <path + id="R_MACACI" + d="m 855,541.951 h 27.941" + stroke="#000000" + stroke-width="1.1741" /> + <text + id="text4695" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="893.06201" + y="545.547" + id="tspan1280">4fumacac</tspan></text> + <path + id="F_MACACI" + d="m 879.717,544.752 c 9.762,-2.779 9.762,-2.779 9.762,-2.779 l -9.705,-2.973 2.405,2.9 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="Group 106"> + <path + id="R_FUMAC" + d="m 989,542.758 c 14.42,0 14,-10.258 14,-10.258 m -14,10.258 c 0,0 -11,-0.597 -11,-10.258 m 11,10.258 c 37,0 38,-10.258 38,-10.258 m -56.5,10.258 h 65.83" + stroke="#000000" + stroke-width="1.48938" /> + <g + id="text4719"> + <text + transform="translate(967,517)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1282"><tspan + x="0.38223499" + y="11.1602" + id="tspan1281">H</tspan><tspan + x="13.2779" + y="11.1602" + id="tspan1282">O</tspan></text> + <text + transform="translate(967,517)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1283"><tspan + x="9.0541096" + y="11.1602" + id="tspan1283">₂</tspan></text> + </g> + <g + id="text4725"> + <text + transform="translate(998,513)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1284"><tspan + x="0.0617189" + y="11.1602" + id="tspan1284">H</tspan></text> + <text + transform="translate(998,513)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1285"><tspan + x="8.7335901" + y="11.1602" + id="tspan1285">⁺</tspan></text> + </g> + <text + id="text4725_2" + transform="translate(1019,510)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.49414101" + y="11.1602" + id="tspan1286">Fum</tspan></text> + <text + id="text4729" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1044.03" + y="545.547" + id="tspan1287">AcAc</tspan></text> + <path + id="F_FUMAC" + d="m 1031.1,545.565 c 9.76,-2.779 9.76,-2.779 9.76,-2.779 l -9.71,-2.973 2.41,2.9 z m -25.88,-11.716 C 1003,526.96 1003,526.96 1003,526.96 l -2.32,6.86 2.28,-1.704 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="Group 107"> + <path + id="R_AACOAT" + d="m 1150.5,543.063 c 10.5,0 10.5,-7.563 10.5,-7.563 m -10.5,7.563 c 0,0 -21.5,1.437 -21,-7.063 m 21,7.063 c 29,0 28,-7.063 28,-7.063 m -28,7.063 c -52,0 -52,-7.563 -52,-7.563 m -9.5,7.563 h 99.9" + stroke="#000000" + stroke-width="1.48938" /> + <text + id="text4757" + transform="translate(1117,521)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.32226601" + y="11.1602" + id="tspan1288">CoA</tspan></text> + <text + id="text4757_2" + transform="translate(1088,521)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.27343801" + y="11.1602" + id="tspan1289">ATP</tspan></text> + <text + id="text4763" + transform="translate(1176,515)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.160156" + y="11.1602" + id="tspan1290">PPi</tspan></text> + <text + id="text4763_2" + transform="translate(1145,515)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.49804699" + y="11.1602" + id="tspan1291">AMP</tspan></text> + <text + id="text4767" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1196.08" + y="545.547" + id="tspan1292">AcAcCoA</tspan></text> + <path + id="F_AACOAT" + d="m 1183.67,545.87 c 9.76,-2.779 9.76,-2.779 9.76,-2.779 l -9.7,-2.973 2.4,2.9 z M 1162.5,535.5 c -2.22,-6.889 -1.72,-5.889 -1.72,-5.889 l -1.78,5.889 1.74,-0.733 z" + stroke="#000000" + stroke-width="2.66667" /> + </g> + <g + id="Group 109"> + <text + id="text7967-0-3-6-2-7-4-34-3-3-7-8-9-5" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="979.133" + y="611.547" + id="tspan1293">Tyr</tspan></text> + <path + id="R_TYRTA" + d="m 966,597.232 c 0,10.259 -11.5,10.377 -11.5,10.377 C 941,607.747 941,597.232 941,597.232 m 30,10.377 h -34.5" + stroke="#000000" + stroke-width="1.48938" /> + <path + id="B_TYRTA" + d="M 970.748,609.232 C 976,607.704 976,607.704 976,607.704 l -5.221,-1.634 1.294,1.594 z M 964,599.02 c 1.192,-3.788 1.192,-3.788 1.192,-3.788 l 1.251,3.772 -1.229,-0.937 z" + stroke="#000000" + stroke-width="2.66667" /> + <path + id="F_TYRTA" + d="M 940.007,598.246 C 940.979,595 940.979,595 940.979,595 l 1.021,3.232 -1.003,-0.803 z m -3.722,10.987 C 932,607.923 932,607.923 932,607.923 l 4.26,-1.401 -1.055,1.367 z" + stroke="#000000" + stroke-width="2.66667" /> + <text + id="text4606" + transform="translate(956,579)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.32617199" + y="11.1602" + id="tspan1294">AKG</tspan></text> + <text + id="text4610" + transform="translate(929,579)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.15429699" + y="11.1602" + id="tspan1295">Glu</tspan></text> + </g> + <g + id="Group 110_2"> + <text + id="text7967-0-3-6-2-7-4-34-3-3-7-8-9-5_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="1111.3199" + y="611.547" + id="tspan1296">Phe</tspan></text> + <path + id="R_PHETHPTOX2" + d="M 1045,597.624 C 1045,607.883 1033.5,608 1033.5,608 1020,608.139 1020,597.624 1020,597.624 M 1105.5,608 h -90 m 90,-10.376 c 0,10.258 -11.5,10.376 -11.5,10.376 -13.5,0.138 -13.5,-10.376 -13.5,-10.376" + stroke="#000000" + stroke-width="1.48938" /> + <g + id="F_PHETHPTOX2"> + <path + d="m 1019.01,597.443 c 0.97,-3.247 0.97,-3.247 0.97,-3.247 l 1.02,3.233 -1,-0.803 z m -3.72,11.79 c -4.29,-1.31 -4.29,-1.31 -4.29,-1.31 l 4.26,-1.401 -1.06,1.367 z" + stroke="#000000" + stroke-width="2.66667" + id="path1296" /> + <path + d="m 1019.01,597.443 c 0.97,-3.247 0.97,-3.247 0.97,-3.247 l 1.02,3.233 -1,-0.803 z m -3.72,11.79 c -4.29,-1.31 -4.29,-1.31 -4.29,-1.31 l 4.26,-1.401 -1.06,1.367 z" + stroke="#000000" + stroke-width="2.66667" + id="path1297" /> + <path + d="m 1079.51,596 v 2.259 l 0.99,-0.816 1,0.803 z" + stroke="#000000" + stroke-width="2.66667" + id="path1298" /> + </g> + <text + id="text4606_2" + transform="translate(1095,584)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.32226601" + y="11.1602" + id="tspan1298">BH4</tspan></text> + <text + id="text4606_3" + transform="translate(1064,579)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.32226601" + y="11.1602" + id="tspan1299">BH2</tspan></text> + <g + id="text4610_2"> + <text + transform="translate(1006,579)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1301"><tspan + x="0.38223499" + y="11.1602" + id="tspan1300">H</tspan><tspan + x="13.2779" + y="11.1602" + id="tspan1301">O</tspan></text> + <text + transform="translate(1006,579)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1302"><tspan + x="9.0541096" + y="11.1602" + id="tspan1302">₂</tspan></text> + </g> + <g + id="text4610_3"> + <text + transform="translate(1039,583)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1304"><tspan + x="0.32617199" + y="11.1602" + id="tspan1303">O</tspan></text> + <text + transform="translate(1039,583)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1305"><tspan + x="9.6660204" + y="11.1602" + id="tspan1304">₂</tspan></text> + </g> + </g> + </g> + <g + id="Group 117"> + <text + id="text6724-4" + transform="translate(1134,652.331)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.14843801" + y="14.5469" + id="tspan1305">3mob</tspan></text> + <path + id="F_VALTA" + d="m 1110.54,653.029 c -2.22,-6.889 -2.22,-6.889 -2.22,-6.889 l -2.32,6.86 2.28,-1.704 z m 11.12,11.784 c 9.67,-3.081 9.67,-3.081 9.67,-3.081 l -9.79,-2.67 2.49,2.824 z" + stroke="#000000" + stroke-width="2.66667" /> + <text + id="text6736" + transform="translate(1022,652)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.42968801" + y="14.5469" + id="tspan1306">Val</tspan></text> + <path + id="R_VALTA" + d="m 1073,651.5 c 0,11.5 17.09,10.771 17.09,10.771 18.41,0 18.41,-10.771 18.41,-10.771 m -51,10.771 h 65.17" + stroke="#000000" + stroke-width="1.48337" /> + <text + id="text6742" + transform="translate(1099,632)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.15429699" + y="11.1602" + id="tspan1307">Glu</tspan></text> + <text + id="text6746" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="1060.33" + y="643.15997" + id="tspan1308">AKG</tspan></text> + <path + id="B_VALTA" + d="m 1058.67,659.061 c -9.67,3.081 -9.67,3.081 -9.67,3.081 l 9.79,2.671 -2.49,-2.825 z m 16.65,-5.915 c -2.22,-6.889 -2.22,-6.889 -2.22,-6.889 l -2.32,6.86 2.28,-1.704 z" + stroke="#000000" + stroke-width="2.66667" /> + <g + id="use1272-8-6-5-0"> + <path + id="circle77227-6-6-0-8" + d="m 1192.1,673.762 c 6.29,0 11.38,-5.096 11.38,-11.381 0,-6.286 -5.09,-11.381 -11.38,-11.381 -6.28,0 -11.38,5.095 -11.38,11.381 0,6.285 5.1,11.381 11.38,11.381 z" + fill="#aaccee" + stroke="#000000" + stroke-width="1.1381" /> + <g + id="path77229-0-5-3-7"> + <path + d="m 1184.13,654.415 15.94,15.933 z" + fill="#aaccee" + id="path1308" /> + <path + d="m 1184.13,654.415 15.94,15.933" + stroke="#000000" + stroke-width="1.1381" + id="path1309" /> + </g> + <g + id="path77231-5-9-4-5"> + <path + d="m 1184.13,670.348 15.94,-15.933 z" + fill="#aaccee" + id="path1310" /> + <path + d="m 1184.13,670.348 15.94,-15.933" + stroke="#000000" + stroke-width="1.1381" + id="path1311" /> + </g> + </g> + </g> + <g + id="Group 102"> + <text + id="text14294-9" + transform="translate(939,651)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.14843801" + y="14.5469" + id="tspan1311">4mop</tspan></text> + <path + id="F_LEUTA" + d="M 919.716,652.889 C 917.5,646 917.5,646 917.5,646 l -2.325,6.86 2.284,-1.704 z m 6.347,12.923 c 9.672,-3.081 9.672,-3.081 9.672,-3.081 l -9.793,-2.671 2.494,2.825 z" + stroke="#000000" + stroke-width="2.66667" /> + <text + id="text14306" + transform="translate(847,651)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.265625" + y="14.5469" + id="tspan1312">Leu</tspan></text> + <path + id="R_LEUTA" + d="m 895.5,652 c 0,10.736 11.024,10.736 11.024,10.736 C 917.5,662.736 917.5,652 917.5,652 m -31,10.736 h 40.047" + stroke="#000000" + stroke-width="1.48337" /> + <text + id="text14312-9" + transform="translate(910,632)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.15429699" + y="11.1602" + id="tspan1313">Glu</tspan></text> + <text + id="text14316-4" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="878.32599" + y="643.15997" + id="tspan1314">AKG</tspan></text> + <path + id="B_LEUTA-3" + d="m 896.5,651 -1.5,-3 -1.5,5 1.942,-2.233 z m -8.688,8.998 c -9.812,2.6 -9.812,2.6 -9.812,2.6 l 9.649,3.15 -2.351,-2.943 z" + stroke="#000000" + stroke-width="2.66667" /> + <g + id="use1272-8-6-5-0-4"> + <path + id="circle77227-6-6-0-8-5" + d="m 996.381,671.762 c 6.289,0 11.379,-5.096 11.379,-11.381 0,-6.286 -5.09,-11.381 -11.379,-11.381 -6.286,0 -11.381,5.095 -11.381,11.381 0,6.285 5.095,11.381 11.381,11.381 z" + fill="#aaccee" + stroke="#000000" + stroke-width="1.1381" /> + <g + id="path77229-0-5-3-7-0"> + <path + d="m 988.414,652.415 15.936,15.933 z" + fill="#aaccee" + id="path1314" /> + <path + d="m 988.414,652.415 15.936,15.933" + stroke="#000000" + stroke-width="1.1381" + id="path1315" /> + </g> + <g + id="path77231-5-9-4-5-0"> + <path + d="m 988.414,668.348 15.936,-15.933 z" + fill="#aaccee" + id="path1316" /> + <path + d="m 988.414,668.348 15.936,-15.933" + stroke="#000000" + stroke-width="1.1381" + id="path1317" /> + </g> + </g> + </g> + <g + id="Group 90"> + <text + id="text5917-7" + transform="translate(673,651)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.14843801" + y="14.5469" + id="tspan1317">Cyst</tspan></text> + <text + id="text5921-9" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="806.31201" + y="665.547" + id="tspan1318">Cys</tspan></text> + <g + id="Group 115"> + <g + id="text5925-7"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1319"><tspan + x="778.32397" + y="639.15997" + id="tspan1319">NH</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1320"><tspan + x="795.66803" + y="639.15997" + id="tspan1320">₃</tspan></text> + </g> + <text + id="text5925-7_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="737.47302" + y="639.15997" + id="tspan1321">2-obut</tspan></text> + <g + id="text5931-3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1323"><tspan + x="705.38202" + y="645.15997" + id="tspan1322">H</tspan><tspan + x="718.27802" + y="645.15997" + id="tspan1323">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1324"><tspan + x="714.05402" + y="645.15997" + id="tspan1324">₂</tspan></text> + </g> + <path + id="R_CYSTGL" + d="m 754.5,650 c 0,12.034 -15,11.966 -15,11.966 m 34.5,0.089 C 787.5,662.09 787.5,650 787.5,650 m -75,11.946 c 0,0 4.66,-0.038 19.5,0 m 64,0 c 0,0 -31.571,0.084 -64,0 m 0,0 C 717,661.907 716,650 716,650" + stroke="#000000" + stroke-width="2.48339" /> + <path + id="F_CYSTGL" + d="M 790.131,652.37 C 788.353,643 788.353,643 788.353,643 l -2.475,9.169 2.214,-2.217 z m 4.328,12.262 c 8.445,-2.947 8.445,-2.947 8.445,-2.947 l -8.633,-2.288 2.229,2.535 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <path + id="R_CYSTS" + d="m 692.421,724 v -39.245 m -0.631,28.683 c -1.938,6.549 -16.473,4.059 -16.473,4.059 m 2.847,-21.067 c 9.322,-2.739 14.213,6.437 14.213,6.437" + stroke="#000000" + stroke-width="1.90151" /> + <path + id="F_CYSTS" + d="m 688.992,685.79 c 0.893,-3.263 1.787,-6.527 2.68,-9.79 1.024,3.225 2.048,6.449 3.071,9.674 -0.974,-0.792 -1.949,-1.583 -2.924,-2.375 -0.943,0.83 -1.885,1.661 -2.827,2.491 z m -9.014,12.506 C 671,695.077 671,695.077 671,695.077 l 9.443,-1.013 -2.535,1.84 z" + stroke="#000000" + stroke-width="2.23952" /> + <g + id="text7967-0-3-65-1-3-2-82-8-1-2-8-9-6-9-4"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1326"><tspan + x="645.38202" + y="699.15997" + id="tspan1325">H</tspan><tspan + x="658.27802" + y="699.15997" + id="tspan1326">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em" + id="text1327"><tspan + x="654.05402" + y="699.15997" + id="tspan1327">₂</tspan></text> + </g> + <text + id="text5868-0" + transform="translate(646,710)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="12px" + letter-spacing="0em"><tspan + x="0.16406199" + y="11.1602" + id="tspan1328">Hcys</tspan></text> + </g> + <g + id="Group 85"> + <text + id="text7967-0-3-6-2-7-4-34-0-4" + transform="translate(823.03,724)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.09375" + y="14.5469" + id="tspan1329">Gly</tspan></text> + <text + id="text7967-0-3-65-5-3-5-8-9-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="12px" + letter-spacing="0em"><tspan + x="713.18799" + y="715.86401" + id="tspan1330">THF</tspan></text> + <g + id="text7967-0-3-65-1-2-4-9-6-3"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="12px" + letter-spacing="0em" + id="text1332"><tspan + x="742.46301" + y="708.86401" + id="tspan1331">H</tspan><tspan + x="756.396" + y="708.86401" + id="tspan1332">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="12px" + letter-spacing="0em" + id="text1333"><tspan + x="751.34601" + y="708.86401" + id="tspan1333">₂</tspan></text> + </g> + <text + id="text7967-0-3-65-1-2-4-9-6-3_2" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="12px" + letter-spacing="0em"><tspan + x="771.21503" + y="709.86401" + id="tspan1334">5,10meTHF</tspan></text> + <path + id="R_GHMT2r" + d="m 708,733.996 c 0,0 17.068,0 37.375,0 m 66.625,0 c 0,0 -46.318,0 -66.625,0 M 803.469,720 c 0,13.996 -6.907,13.996 -6.907,13.996 M 734.653,734 c -6.747,-0.004 -6.747,-14 -6.747,-14 m 17.469,13.996 c 10.969,0 9.75,-13.996 9.75,-13.996" + stroke="#000000" + stroke-width="2.22" /> + <path + id="F_GHMT2r" + d="m 810.34,731.323 c 8.411,3.045 8.41,3.045 8.41,3.045 l -8.658,2.188 2.258,-2.509 z m -8.977,-8.609 c 1.751,-9.376 1.751,-9.376 1.751,-9.376 l 2.502,9.162 -2.22,-2.21 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <g + id="Group 86"> + <g + id="text7967-0-3-65-5-3-5-8-9-6"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="12px" + letter-spacing="0em" + id="text1336"><tspan + x="612.57898" + y="762.86401" + id="tspan1335">H</tspan><tspan + x="626.51202" + y="762.86401" + id="tspan1336">O</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="12px" + letter-spacing="0em" + id="text1337"><tspan + x="621.461" + y="762.86401" + id="tspan1337">₂</tspan></text> + </g> + <text + id="text7967-0-3-65-1-2-4-9-6-7" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="12px" + letter-spacing="0em"><tspan + x="646.14001" + y="770.68298" + id="tspan1338">Pi</tspan></text> + <path + id="R_PSP_L" + d="m 611.098,732.479 c 19.198,-0.067 38.396,-0.135 57.594,-0.202 m -19.573,21.149 c 2.278,-7.249 0.71,-15.579 -4.323,-21.323 m -12.429,0.208 c -3.129,0.755 -4.554,4.039 -5.404,6.844 -1.114,3.892 -1.472,7.974 -1.491,12.008" + stroke="#000000" + stroke-width="2.22" /> + <path + id="F_PSP_L" + d="m 666.323,735.233 c 8.41,-3.046 8.41,-3.046 8.41,-3.046 l -8.659,-2.187 2.258,2.509 z m -18.243,12.584 c 1.75,9.376 1.75,9.376 1.75,9.376 l 2.502,-9.162 -2.22,2.21 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + <g + id="Group 83"> + <text + id="text7967-0-3-6-2-7-4-34-0-5" + transform="translate(678.116,723)" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="0.09375" + y="14.5469" + id="tspan1339">Ser</tspan></text> + <g + id="text7967-0-3-65-1-3-2-82-0"> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="12px" + letter-spacing="0em" + id="text1340"><tspan + x="548.45697" + y="813.86401" + id="tspan1340">NH</tspan></text> + <text + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="12px" + letter-spacing="0em" + id="text1341"><tspan + x="566.375" + y="813.86401" + id="tspan1341">₃</tspan></text> + </g> + <path + id="R_SERD_L" + d="m 691.745,741 v 40 c 0,0 -41.898,17.507 -68.745,28.724 M 284,955.5 c 0,0 75.167,-32.914 164,-71.224 0,0 -1.5,-7.108 4.5,-9.693 9,-3.877 13,1.417 13,1.417 51.88,-22.323 111.551,-47.076 157.5,-66.276 m 0,0 C 589,823.5 579,812.5 579,812.5" + stroke="#000000" + stroke-width="2.22" /> + <g + id="F_SERD_L"> + <path + d="m 574.5,807 c 0,0 0,0 8.5,4 l -3.483,1.196 -1.816,2.845 z" + stroke="#000000" + stroke-width="2.23952" + id="path1341" /> + <path + d="m 284.5,951.5 v 4 h 3.5 l -7.5,2.5 z" + stroke="#000000" + stroke-width="2.23952" + id="path1342" /> + </g> + </g> + <g + id="Group 87"> + <text + id="text7967-0-3-6-2-7-4-34-0" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Arial" + font-size="16px" + font-weight="bold" + letter-spacing="0em"><tspan + x="560.612" + y="736.547" + id="tspan1342">3PSer</tspan></text> + <text + id="text7967-0-3-65-5-3-5-8-9" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="12px" + letter-spacing="0em"><tspan + x="508.13101" + y="762.86401" + id="tspan1343">Glu</tspan></text> + <text + id="text7967-0-3-65-1-2-4-9-6" + fill="#000000" + xml:space="preserve" + style="white-space:pre" + font-family="Inter" + font-size="12px" + letter-spacing="0em"><tspan + x="536.27698" + y="762.86401" + id="tspan1344">AKG</tspan></text> + <path + id="R_PSERT" + d="m 508.5,732.023 h 42.119 M 541.5,744.5 c 2,-12.458 -7.5,-12.433 -7.5,-12.433 -16.5,0.045 -16.5,12.433 -16.5,12.433" + stroke="#000000" + stroke-width="2.22" /> + <path + id="F_PSERT" + d="m 547.25,734.967 c 8.41,-3.045 8.41,-3.045 8.41,-3.045 l -8.659,-2.188 2.258,2.509 z m -7.782,7.609 c 1.75,9.376 1.75,9.376 1.75,9.376 l 2.502,-9.162 -2.22,2.21 z" + stroke="#000000" + stroke-width="2.23952" /> + <path + id="B_PSERT" + d="m 510.41,729 c -8.41,3.045 -8.41,3.045 -8.41,3.045 l 8.659,2.188 -2.258,-2.509 z m 5.59,12 c 1.75,9.376 1.75,9.376 1.75,9.376 l 2.502,-9.162 -2.22,2.21 z" + stroke="#000000" + stroke-width="2.23952" /> + </g> + </g> +</svg>
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/local/svg metabolic maps/HMRcore_map.svg Sun Oct 13 11:38:28 2024 +0000 @@ -0,0 +1,7702 @@ +<?xml version="1.0" encoding="UTF-8" standalone="no"?> +<!-- Generator: Adobe Illustrator 22.0.1, SVG Export Plug-In . SVG Version: 6.00 Build 0) --> + +<svg + xmlns:dc="http://purl.org/dc/elements/1.1/" + xmlns:cc="http://creativecommons.org/ns#" + xmlns:rdf="http://www.w3.org/1999/02/22-rdf-syntax-ns#" + xmlns:svg="http://www.w3.org/2000/svg" + xmlns="http://www.w3.org/2000/svg" + xmlns:xlink="http://www.w3.org/1999/xlink" + xmlns:sodipodi="http://sodipodi.sourceforge.net/DTD/sodipodi-0.dtd" + xmlns:inkscape="http://www.inkscape.org/namespaces/inkscape" + version="1.1" + x="0px" + y="0px" + viewBox="0 0 1904.8016 1511.2752" + xml:space="preserve" + id="svg2" + inkscape:version="0.91 r13725" + sodipodi:docname="HMRcoreMap.svg" + width="1904.8015" + height="1511.2753"><metadata + id="metadata2021"><rdf:RDF><cc:Work + rdf:about=""><dc:format>image/svg+xml</dc:format><dc:type + rdf:resource="http://purl.org/dc/dcmitype/StillImage" /><dc:title /></cc:Work></rdf:RDF></metadata><defs + id="defs2019"><sodipodi:namedview + showguides="true" + showgrid="true" + pagecolor="#ffffff" + inkscape:zoom="1.4702451" + inkscape:window-y="-8" + inkscape:window-x="-8" + inkscape:window-width="1920" + inkscape:window-maximized="1" + inkscape:window-height="1017" + inkscape:snap-page="false" + inkscape:snap-grids="true" + inkscape:pageshadow="2" + inkscape:pageopacity="0.0" + inkscape:document-units="px" + inkscape:cy="338.10986" + inkscape:cx="1343.7768" + inkscape:current-layer="layer1" + id="base" + fit-margin-top="0" + fit-margin-right="0" + fit-margin-left="0" + fit-margin-bottom="0" + borderopacity="1.0" + bordercolor="#666666"><inkscape:grid + type="xygrid" + originy="72.926308" + originx="-97.409688" + id="grid3434" + dotted="true" /></sodipodi:namedview></defs><sodipodi:namedview + pagecolor="#ffffff" + bordercolor="#666666" + borderopacity="1" + objecttolerance="10" + gridtolerance="10" + guidetolerance="10" + inkscape:pageopacity="0" + inkscape:pageshadow="2" + inkscape:window-width="1920" + inkscape:window-height="1017" + id="namedview2017" + showgrid="false" + inkscape:zoom="0.44727204" + inkscape:cx="497.63252" + inkscape:cy="796.80241" + inkscape:window-x="-8" + inkscape:window-y="-8" + inkscape:window-maximized="1" + inkscape:current-layer="svg2" + fit-margin-top="0" + fit-margin-left="0" + fit-margin-right="0" + fit-margin-bottom="0" /><style + type="text/css" + id="style4"> + .st0{display:none;} + .st1{display:inline;} + .st2{fill:none;stroke:#5AB6E7;stroke-width:7;stroke-linejoin:round;} + .st3{fill:none;stroke:#5AB6E7;stroke-width:7;stroke-linejoin:round;stroke-dasharray:11.9422,11.9422;} + .st4{fill:none;stroke:#5AB6E7;stroke-width:7;stroke-linejoin:round;stroke-dasharray:12.1815,12.1815;} + .st5{font-family:'Helvetica';} + .st6{font-size:30px;} + .st7{font-size:39.262px;} + .st8{fill:none;stroke:#0000FF;stroke-width:30;} + .st9{fill:none;stroke:#E41A1C;stroke-width:30;} + .st10{fill:none;stroke:#BEBEBE;stroke-width:30;} + .st11{stroke:#000000;stroke-width:30;} + .st12{fill:none;stroke:#BEBEBE;stroke-width:30;stroke-dasharray:30,30;stroke-dashoffset:6;} + .st13{fill:none;stroke:#000000;stroke-width:1.8444;} + .st14{fill:none;stroke:#000000;stroke-width:2.1821;} + .st15{font-family:'Calibri-Bold';} + .st16{font-size:16px;} + .st17{font-family:'Calibri';} + .st18{font-size:10px;} + .st19{fill:none;stroke:#000000;stroke-width:1.8856;} + .st20{fill:none;stroke:#000000;stroke-width:1.9459;} + .st21{fill:none;stroke:#000000;stroke-width:2.2892;} + .st22{fill:none;stroke:#000000;stroke-width:2.5;} + .st23{fill:none;stroke:#000000;stroke-width:1.9412;} + .st24{fill:none;stroke:#000000;stroke-width:1.9661;} + .st25{fill:none;stroke:#000000;stroke-width:1.0869;} + .st26{font-size:6.0937px;} + .st27{fill:none;stroke:#000000;stroke-width:2.0174;} + .st28{fill:none;stroke:#000000;stroke-width:1.889;} + .st29{fill:none;stroke:#000000;stroke-width:1.7769;} + .st30{fill:none;stroke:#000000;stroke-width:1.8717;} + .st31{fill:none;stroke:#000000;stroke-width:1.6971;} + .st32{fill:none;stroke:#000000;stroke-width:2.4492;} + .st33{fill:none;stroke:#000000;stroke-width:2.0366;} + .st34{fill:none;stroke:#000000;stroke-width:1.5903;} + .st35{fill:none;stroke:#000000;stroke-width:1.7287;} + .st36{fill:none;stroke:#000000;stroke-width:1.7741;} + .st37{fill:none;stroke:#000000;stroke-width:2.2309;} + .st38{font-size:14px;} + .st39{fill:none;stroke:#000000;stroke-width:1.7752;} + .st40{font-size:9.75px;} + .st41{fill:none;stroke:#000000;stroke-width:1.8816;} + .st42{fill:none;stroke:#000000;stroke-width:1.8615;} + .st43{fill:none;stroke:#000000;stroke-width:1.7923;} + .st44{fill:none;stroke:#000000;stroke-width:1.8691;} + .st45{fill:none;stroke:#000000;stroke-width:2.823;} + .st46{fill:none;stroke:#000000;stroke-width:2.3556;} + .st47{fill:none;stroke:#000000;stroke-width:2.0484;} + .st48{fill:none;stroke:#000000;stroke-width:1.127;} + .st49{fill:none;stroke:#000000;stroke-width:1.5383;} + .st50{fill:none;stroke:#000000;stroke-width:1.4921;} + .st51{fill:none;stroke:#000000;stroke-width:1.4117;} + .st52{fill:none;stroke:#000000;stroke-width:1.3787;} + .st53{fill:none;stroke:#000000;stroke-width:2.2437;} + .st54{fill:none;stroke:#000000;stroke-width:1.8492;} + .st55{fill:none;stroke:#000000;stroke-width:1.816;} + .st56{fill:none;stroke:#000000;stroke-width:2.0159;} + .st57{fill:none;stroke:#000000;stroke-width:2.0089;} + .st58{fill:none;stroke:#000000;stroke-width:1.2666;} + .st59{fill:none;stroke:#000000;stroke-width:1.3186;} + .st60{fill:none;stroke:#000000;stroke-width:1.2211;} + .st61{fill:none;stroke:#000000;stroke-width:1.1828;} + .st62{fill:none;stroke:#000000;stroke-width:2.0699;} + .st63{fill:none;stroke:#000000;stroke-width:2.1781;} + .st64{fill:none;stroke:#000000;stroke-width:2.6751;} + .st65{fill:none;stroke:#000000;stroke-width:3.1636;} + .st66{fill:none;stroke:#000000;stroke-width:3.3699;} + .st67{fill:none;stroke:#000000;stroke-width:2.3147;} + .st68{fill:none;stroke:#000000;stroke-width:2.2203;} + .st69{fill:none;stroke:#000000;stroke-width:2.2293;} + .st70{fill:none;stroke:#000000;stroke-width:1.9667;} + .st71{fill:none;stroke:#000000;stroke-width:2.1341;} + .st72{fill:none;stroke:#000000;stroke-width:1.5819;} + .st73{fill:none;stroke:#000000;stroke-width:2.0995;} + .st74{fill:none;stroke:#000000;stroke-width:2.4348;} + .st75{fill:none;stroke:#000000;stroke-width:2.3313;} + .st76{fill:none;stroke:#000000;stroke-width:2.0948;} + .st77{fill:none;stroke:#000000;stroke-width:2.2352;} + .st78{fill:none;stroke:#000000;stroke-width:2.3817;} + .st79{fill:none;stroke:#000000;stroke-width:2.2976;} + .st80{fill:none;stroke:#000000;stroke-width:2.0951;} + .st81{fill:none;stroke:#231F20;stroke-width:7;stroke-linejoin:round;stroke-miterlimit:2;} + .st82{fill:none;stroke:#000000;stroke-width:1.3247;} + .st83{fill:none;stroke:#000000;stroke-width:1.564;} + .st84{fill:none;stroke:#000000;stroke-width:2.1156;} + .st85{fill:none;stroke:#000000;stroke-width:1.3926;} + .st86{fill:none;stroke:#000000;stroke-width:1.123;} + .st87{font-size:9.7577px;} + .st88{font-size:15.6123px;} + .st89{fill:none;stroke:#000000;stroke-width:2.0926;} + .st90{fill:none;stroke:#000000;stroke-width:1.7671;} + .st91{fill:none;stroke:#000000;stroke-width:1.7901;} + .st92{fill:none;stroke:#000000;stroke-width:1.9212;} + .st93{fill:none;stroke:#000000;stroke-width:1.3319;} + .st94{fill:none;stroke:#000000;stroke-width:2.1398;} + .st95{fill:none;stroke:#000000;stroke-width:1.3641;} + .st96{fill:none;stroke:#000000;stroke-width:2.216;} + .st97{fill:none;stroke:#000000;stroke-width:2.341;} + .st98{fill:none;stroke:#000000;stroke-width:1.2412;} + .st99{fill:none;stroke:#000000;stroke-width:1.7827;} + .st100{fill:none;stroke:#000000;stroke-width:1.8658;} + .st101{fill:none;stroke:#000000;stroke-width:2.4932;} + .st102{fill:none;stroke:#000000;stroke-width:2.489;} + .st103{fill:none;stroke:#000000;stroke-width:2.5188;} + .st104{fill:none;stroke:#000000;stroke-width:2.4962;} + .st105{fill:none;stroke:#000000;stroke-width:1.6791;} + .st106{fill:none;stroke:#000000;stroke-width:1.8121;} + .st107{fill:none;stroke:#000000;stroke-width:1.5802;} + .st108{fill:none;stroke:#000000;stroke-width:1.5346;} + .st109{fill:none;stroke:#000000;stroke-width:1.8293;} + .st110{fill:none;stroke:#000000;stroke-width:1.6126;} + .st111{fill:none;stroke:#000000;stroke-width:2.5434;} + .st112{fill:none;stroke:#000000;stroke-width:1.7519;} + .st113{fill:none;stroke:#000000;stroke-width:1.5283;} + .st114{fill:none;stroke:#000000;stroke-width:1.8016;} + .st115{fill:none;stroke:#000000;stroke-width:3.1376;} + .st116{fill:none;stroke:#000000;stroke-width:1.8065;} + .st117{fill:none;stroke:#000000;stroke-width:2.1653;} + .st118{fill:none;stroke:#000000;stroke-width:1.5857;} + .st119{fill:none;stroke:#000000;stroke-width:2.1349;} + .st120{fill:none;stroke:#000000;stroke-width:2.3204;} + .st121{fill:none;stroke:#000000;stroke-width:1.6814;} + .st122{fill:none;stroke:#000000;stroke-width:2.9048;} + .st123{fill:none;stroke:#000000;stroke-width:2.2582;} + .st124{fill:none;stroke:#000000;stroke-width:1.9206;} + .st125{fill:none;stroke:#000000;stroke-width:2.0975;} + .st126{fill:none;stroke:#000000;stroke-width:1.1759;} + .st127{fill:none;stroke:#000000;stroke-width:1.1348;} + .st128{fill:none;stroke:#000000;stroke-width:2.0031;} + .st129{fill:none;stroke:#000000;stroke-width:1.966;} + .st130{fill:none;stroke:#000000;stroke-width:1.822;} + .st131{fill:none;stroke:#000000;stroke-width:2.3785;} + .st132{fill:none;stroke:#000000;stroke-width:1.5336;} + .st133{fill:none;stroke:#000000;stroke-width:1.4989;} + .st134{fill:none;stroke:#000000;stroke-width:1.8163;} + .st135{fill:none;stroke:#000000;stroke-width:2.0955;} + .st136{fill:none;stroke:#000000;stroke-width:2.1429;} + .st137{fill:none;stroke:#000000;stroke-width:2.1034;} + .st138{fill:none;stroke:#000000;stroke-width:2.0686;} + .st139{fill:none;stroke:#000000;stroke-width:1.1187;} + .st140{fill:none;stroke:#000000;stroke-width:2.3278;} + .st141{fill:none;stroke:#000000;stroke-width:2.1814;} + .st142{fill:none;stroke:#000000;stroke-width:2.0648;} + .st143{fill:none;stroke:#000000;stroke-width:2.5236;} + .st144{fill:none;stroke:#000000;stroke-width:2.5697;} + .st145{fill:#786721;stroke:#000000;stroke-width:2.5;} + .st146{fill:none;stroke:#000000;stroke-width:1.4509;} + .st147{fill:none;stroke:#000000;stroke-width:1.7529;} + .st148{fill:none;stroke:#000000;stroke-width:1.9252;} + .st149{fill:none;stroke:#000000;stroke-width:1.8983;} + .st150{fill:none;stroke:#000000;stroke-width:1.7735;} + .st151{fill:none;stroke:#000000;stroke-width:1.5537;} + .st152{fill:none;stroke:#000000;stroke-width:1.7117;} + .st153{fill:none;stroke:#000000;stroke-width:1.7429;} + .st154{fill:none;stroke:#000000;stroke-width:1.639;} + .st155{fill:none;stroke:#000000;stroke-width:2.4155;} + .st156{fill:none;stroke:#000000;stroke-width:1.9672;} + .st157{fill:none;stroke:#000000;stroke-width:2.2231;} + .st158{fill:none;stroke:#000000;stroke-width:1.8337;} + .st159{fill:none;stroke:#000000;stroke-width:1.8531;} + .st160{fill:none;stroke:#000000;stroke-width:2.2256;} + .st161{fill:none;stroke:#000000;stroke-width:2.0666;} + .st162{fill:none;stroke:#000000;stroke-width:1.7335;} + .st163{fill:none;stroke:#000000;stroke-width:1.6847;} + .st164{fill:none;stroke:#000000;stroke-width:2.4884;} + .st165{fill:none;stroke:#000000;stroke-width:2.3113;} + .st166{fill:none;stroke:#000000;stroke-width:2.1555;} + .st167{fill:none;stroke:#000000;stroke-width:1.9909;} + .st168{fill:none;stroke:#000000;stroke-width:9.2205;stroke-linecap:round;stroke-linejoin:round;stroke-miterlimit:2;} + .st169{fill:none;stroke:#000000;stroke-width:2.5668;} + .st170{fill:none;stroke:#000000;stroke-width:1.9328;} + .st171{fill:none;stroke:#000000;stroke-width:3.1971;} + .st172{fill:none;stroke:#000000;stroke-width:3.1373;} + .st173{font-size:6.5px;} +</style><g + id="Layer_2" + transform="translate(-20.6,18.418554)"><g + id="rect3188_1_" + class="st0" + style="display:none"><g + class="st1" + id="g8" + style="display:inline"><polyline + class="st2" + points="269.1,669.8 269.1,663.8 275.1,663.8 " + id="polyline10" + style="fill:none;stroke:#5ab6e7;stroke-width:7;stroke-linejoin:round" /><line + class="st3" + x1="287" + y1="663.79999" + x2="1475.2" + y2="663.79999" + id="line12" + style="fill:none;stroke:#5ab6e7;stroke-width:7;stroke-linejoin:round;stroke-dasharray:11.9422, 11.9422" /><polyline + class="st2" + points="1481.2,663.8 1487.2,663.8 1487.2,669.8 " + id="polyline14" + style="fill:none;stroke:#5ab6e7;stroke-width:7;stroke-linejoin:round" /><line + class="st4" + x1="1487.2" + y1="682" + x2="1487.2" + y2="1138.8" + id="line16" + style="fill:none;stroke:#5ab6e7;stroke-width:7;stroke-linejoin:round;stroke-dasharray:12.1815, 12.1815" /><polyline + class="st2" + points="1487.2,1144.9 1487.2,1150.9 1481.2,1150.9 " + id="polyline18" + style="fill:none;stroke:#5ab6e7;stroke-width:7;stroke-linejoin:round" /><line + class="st3" + x1="1469.3" + y1="1150.9" + x2="281" + y2="1150.9" + id="line20" + style="fill:none;stroke:#5ab6e7;stroke-width:7;stroke-linejoin:round;stroke-dasharray:11.9422, 11.9422" /><polyline + class="st2" + points="275.1,1150.9 269.1,1150.9 269.1,1144.9 " + id="polyline22" + style="fill:none;stroke:#5ab6e7;stroke-width:7;stroke-linejoin:round" /><line + class="st4" + x1="269.10001" + y1="1132.7" + x2="269.10001" + y2="675.90002" + id="line24" + style="fill:none;stroke:#5ab6e7;stroke-width:7;stroke-linejoin:round;stroke-dasharray:12.1815, 12.1815" /></g></g></g><g + id="flowRoot3336" + transform="translate(-20.6,18.418554)" /><g + id="flowRoot16808" + transform="translate(-20.6,18.418554)" /><g + id="flowRoot2749" + transform="translate(-20.6,18.418554)" /><g + id="flowRoot3621" + transform="translate(-20.6,18.418554)" /><g + id="flowRoot1974" + transform="translate(-20.6,18.418554)" /><text + style="font-size:30px;font-family:Helvetica" + id="text35" + class="st5 st6" + x="129.77209" + y="1429.6542">= Up regulated</text> +<text + style="font-size:30px;font-family:Helvetica" + id="text37" + class="st5 st6" + x="129.77209" + y="1504.6542">= Down regulated</text> +<text + style="font-size:39.26200104px;font-family:Helvetica" + id="text39" + class="st5 st7" + x="-1.9770008" + y="1365.1874">Legend</text> +<path + style="fill:none;stroke:#0000ff;stroke-width:30" + d="m 0,1495.6186 112,0" + class="st8" + inkscape:connector-curvature="0" + id="path6613-3" /><path + style="fill:none;stroke:#e41a1c;stroke-width:30" + d="m 0,1420.7186 112,0" + class="st9" + inkscape:connector-curvature="0" + id="path6613-8-6" /><path + style="fill:none;stroke:#bebebe;stroke-width:30" + d="m 503.8,1492.0186 112,0" + class="st10" + inkscape:connector-curvature="0" + id="path6613-8-1-0" /><path + style="stroke:#000000;stroke-width:30" + d="m 1140.7,1415.1186 112,0" + class="st11" + inkscape:connector-curvature="0" + id="path6613-8-4-9" /><path + style="fill:none;stroke:#bebebe;stroke-width:30;stroke-dasharray:30, 30;stroke-dashoffset:6" + d="m 503.8,1417.3186 112,0" + class="st12" + inkscape:connector-curvature="0" + id="path6613-8-2-6" /><text + style="font-size:30px;font-family:Helvetica" + id="text46" + class="st5 st6" + x="1270.1295" + y="1423.1249">= Not classified</text> +<text + style="font-size:30px;font-family:Helvetica" + id="text48" + class="st5 st6" + x="631.3902" + y="1426.3895">= Not significant</text> +<text + style="font-size:30px;font-family:Helvetica" + id="text50" + class="st5 st6" + x="631.3902" + y="1501.3895">= Fold change under threshold</text> +<text + style="font-size:30px;font-family:Helvetica" + id="text52" + class="st5 st6" + x="1139.6979" + y="1499.9501">Thickness is proportional to fold change</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.84440005" + d="m 834.5,332.71855 26.9,-0.1 m -18,-9 c -2.8,5.8 3.1,9.6 3.1,9.6 m 3.1,-0.5 c 5.1,-0.7 4.9,-9.1 4.9,-9.1" + class="st13" + inkscape:label="CMPK1_DTYMK" + inkscape:connector-curvature="0" + id="R_CMPK1_DTYMK" /><path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 464.9,461.41855 c 2.2,-7.3 2.2,-7.3 2.2,-7.3 l 2.2,7.3 -2.2,-1.8 -2.2,1.8 z" + class="st14" + inkscape:label="backward PGM" + inkscape:connector-curvature="0" + id="B_PGAM2_PGAM1_BPGM_PGAM4_1" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text56" + class="st15 st16" + x="449.63071" + y="207.37375">F6P</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text58" + class="st15 st16" + x="443.9202" + y="262.58224">F16BP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text60" + class="st15 st16" + x="446.7605" + y="320.19556">GA3P</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text62" + class="st15 st16" + x="435.38208" + y="383.34305">1,3BPGA</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text64" + class="st15 st16" + x="453.15561" + y="449.14966">3PG</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text66" + class="st15 st16" + x="449.81769" + y="507.42996">2PG</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text68" + class="st15 st16" + x="453.76788" + y="562.48846">PEP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text70" + class="st15 st16" + x="456.6004" + y="614.97485">Pyr</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text72" + class="st15 st16" + x="349.18579" + y="614.4632">Lact</text> +<text + style="font-size:10px;font-family:Calibri" + id="text74" + class="st17 st18" + x="483.3494" + y="222.37965">ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text76" + class="st17 st18" + x="484.75418" + y="235.29225">ADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text78" + class="st17 st18" + x="478.8587" + y="337.66135">NAD</text> +<text + style="font-size:10px;font-family:Calibri" + id="text80" + class="st17 st18" + x="497.25217" + y="337.66135">+</text> +<text + style="font-size:10px;font-family:Calibri" + id="text82" + class="st17 st18" + x="502.2327" + y="337.66135">Pi</text> +<text + style="font-size:10px;font-family:Calibri" + id="text84" + class="st17 st18" + x="481.2063" + y="350.90945">NADH+H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text86" + class="st17 st18" + x="481.4881" + y="401.51096">ADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text88" + class="st17 st18" + x="482.81668" + y="413.79224">ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text90" + class="st17 st18" + x="481.35968" + y="575.7132">ADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text92" + class="st17 st18" + x="485.36938" + y="586.74536">ATP</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 460,182.91855 c 2.2,7.3 2.2,7.3 2.2,7.3 l 2.2,-7.3 -2.2,1.8 -2.2,-1.8 z" + class="st14" + inkscape:label="forward GPI " + inkscape:connector-curvature="0" + id="F_GPI" /><path + style="fill:none;stroke:#000000;stroke-width:1.88559997" + d="m 462.1,159.61855 c 0,23.8 0,23.8 0,23.8" + class="st19" + inkscape:label="GPI " + inkscape:connector-curvature="0" + id="R_GPI" /><path + style="fill:none;stroke:#000000;stroke-width:1.94589996" + d="m 467.2,458.91855 c 0,25.4 0,25.4 0,25.4" + class="st20" + inkscape:label="phosphoglycerate mutase" + inkscape:connector-curvature="0" + id="R_PGAM2_PGAM1_BPGM_PGAM4_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 465.1,482.61855 c 2.2,7.3 2.2,7.3 2.2,7.3 l 2.2,-7.3 -2.2,1.8 -2.2,-1.8 z" + class="st14" + inkscape:label="forward PGM" + inkscape:connector-curvature="0" + id="F_PGAM2_PGAM1_BPGM_PGAM4_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 464.9,516.91855 c 2.2,-7.3 2.2,-7.3 2.2,-7.3 l 2.2,7.3 -2.2,-1.8 -2.2,1.8 z" + class="st14" + inkscape:label="backward enolase" + inkscape:connector-curvature="0" + id="B_ENO1_ENO3_ENO2" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text99" + class="st15 st16" + x="492.44656" + y="284.29803">DHAP</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.28920007" + d="m 462.7,265.81855 c 0,31.9 0,31.9 0,31.9 m 0.6,-17.7 20.2,0" + class="st21" + inkscape:connector-curvature="0" + id="R_ALDOC_ALDOB_ALDOA_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 482.4,278.01855 c 6.1,2.2 6.1,2.2 6.1,2.2 l -6.1,2.2 1.5,-2.2 -1.5,-2.2 z m -21.6,17.9 c 2.2,7.3 2.2,7.3 2.2,7.3 l 2.2,-7.3 -2.2,1.8 -2.2,-1.8 z" + class="st22" + inkscape:connector-curvature="0" + id="F_ALDOC_ALDOB_ALDOA_2" /><path + style="fill:none;stroke:#000000;stroke-width:1.94120002" + d="m 503.2,293.81855 2.4,-4 0.8,-1.3 -4.9,2.1 1.9,0.6 -0.2,2.6 z" + class="st23" + sodipodi:nodetypes="cccccc" + inkscape:label="backward TPI1_TPI1P2 " + inkscape:connector-curvature="0" + id="B_TPI1_TPI1P2" /><path + style="fill:none;stroke:#000000;stroke-width:1.96609998" + d="m 488.7,300.71855 c -3.2,5.4 -3.2,5.4 -3.2,5.4 l 5,-2.3 -1.9,-0.6 0.1,-2.5 z" + class="st24" + inkscape:label="forwardTPI1_TPI1P2 " + inkscape:connector-curvature="0" + id="F_TPI1_TPI1P2" /><path + style="fill:none;stroke:#000000;stroke-width:1.0869" + d="m 502.6,291.71855 -14.9,13" + class="st25" + inkscape:label="TPI1_TPI1P2 " + inkscape:connector-curvature="0" + id="R_TPI1_TPI1P2" /><text + style="font-size:10px;font-family:Calibri" + id="text106" + class="st17 st18" + x="485.7688" + y="533.16919">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text108" + class="st17 st26" + x="491.9993" + y="535.16919">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text110" + class="st17 st18" + x="495.08768" + y="533.16919">O</text> +<text + style="font-size:10px;font-family:Calibri" + id="text112" + class="st17 st18" + x="391.7298" + y="593.52759">NAD</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text114" + class="st15 st16" + x="532.302" + y="158.84834">6Pgl</text> +<text + style="font-size:10px;font-family:Calibri" + id="text116" + class="st17 st18" + x="471.15601" + y="174.58125">NADP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text118" + class="st15 st16" + x="598.32654" + y="159.01485">6PDG</text> +<text + style="font-size:10px;font-family:Calibri" + id="text120" + class="st17 st18" + x="627.64771" + y="176.58224">NADP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text122" + class="st15 st16" + x="694.76404" + y="159.07295">Ru5P</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text124" + class="st15 st16" + x="777.18494" + y="174.95485">R5P</text> +<text + style="font-size:10px;font-family:Calibri" + id="text126" + class="st17 st18" + x="754.10773" + y="199.29225">AMP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text128" + class="st17 st18" + x="760.08435" + y="185.74825">ATP</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.01740003" + d="m 588.2,152.11855 c 7.3,2.2 7.3,2.2 7.3,2.2 l -7.3,2.2 1.8,-2.2 -1.8,-2.2 z" + class="st27" + inkscape:label="forward H6PD_PGLS " + inkscape:connector-curvature="0" + id="F_H6PD_PGLS" /><text + style="font-size:10px;font-family:Calibri" + id="text131" + class="st17 st18" + x="564.25323" + y="173.96214">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text133" + class="st17 st26" + x="570.4837" + y="175.96214">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text135" + class="st17 st18" + x="573.57251" + y="173.96214">O</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text137" + class="st15 st16" + x="774.87531" + y="143.11105">Xil5P</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.88900006" + d="m 814.5,167.11855 c -5.3,2.4 -5.3,2.4 -5.3,2.4 l 2.8,-4.7 0.2,2 2.3,0.3 z m -1.4,-20.6 c -2.5,-4.8 -2.5,-4.8 -2.5,-4.8 l 5.1,2.6 -2.3,0.2 -0.3,2 z" + class="st28" + inkscape:label="forward TKTL1_TKTL2_TKT_2" + inkscape:connector-curvature="0" + id="F_TKTL1_TKTL2_TKT_2" /><path + style="fill:none;stroke:#000000;stroke-width:1.88900006" + d="m 834,143.41855 c 5.2,-2.5 5.2,-2.5 5.2,-2.5 l -2.6,4.7 -0.3,-2 -2.3,-0.2 z m 3.8,21.6 c 2.6,4.8 2.6,4.8 2.6,4.8 l -5.2,-2.6 2.3,-0.2 0.3,-2 z" + class="st28" + inkscape:label="backward TKTL1_TKTL2_TKT_2 " + inkscape:connector-curvature="0" + id="B_TKTL1_TKTL2_TKT_2" /><path + style="fill:none;stroke:#000000;stroke-width:1.77690005" + d="m 813,144.01855 23.9,22.6 0,0 m -24.8,0.5 23.9,-22.6" + class="st29" + inkscape:label="TKTL1_TKTL2_TKT_2 " + inkscape:connector-curvature="0" + id="R_TKTL1_TKTL2_TKT_2" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text142" + class="st15 st16" + x="842.75421" + y="140.81226">Sed7P</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text144" + class="st15 st16" + x="844.42902" + y="174.28685">GA3P</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 890,164.31855 c -5.3,2.3 -5.3,2.3 -5.3,2.3 l 2.8,-4.5 0.2,2 2.3,0.2 z m -1.4,-20.1 c -2.5,-4.7 -2.5,-4.7 -2.5,-4.7 l 5.1,2.6 -2.3,0.1 -0.3,2 z" + class="st30" + inkscape:label="backward TALDO1 " + inkscape:connector-curvature="0" + id="B_TALDO1" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 912.3,141.61855 c 5.2,-2.4 5.2,-2.4 5.2,-2.4 l -2.7,4.6 -0.3,-2 -2.2,-0.2 z m 3.9,21.1 c 2.6,4.6 2.6,4.6 2.6,4.6 l -5.2,-2.5 2.3,-0.2 0.3,-1.9 z" + class="st30" + inkscape:label="forward TALDO1 " + inkscape:connector-curvature="0" + id="F_TALDO1" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 888.1,141.41855 26.3,22.8 0,0 m -27.2,0.6 26.3,-22.8" + class="st30" + inkscape:label="TALDO1 " + inkscape:connector-curvature="0" + id="R_TALDO1" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text149" + class="st15 st16" + x="922.31085" + y="174.11154">Ery4P</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text151" + class="st15 st16" + x="921.73865" + y="140.67255">F6P</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.69710004" + d="m 967.5,191.21855 c -5.2,1.9 -5.2,1.9 -5.2,1.9 l 2.7,-3.8 0.2,1.7 2.3,0.2 z m -1.3,-16.9 c -2.4,-3.9 -2.4,-3.9 -2.4,-3.9 l 5,2.2 -2.2,0.1 -0.4,1.6 z" + class="st31" + inkscape:label="forward TKTL1_TKTL2_TKT_1 " + inkscape:connector-curvature="0" + id="F_TKTL1_TKTL2_TKT_1" /><path + style="fill:none;stroke:#000000;stroke-width:1.69710004" + d="m 989.2,172.21855 c 5.1,-2 5.1,-2 5.1,-2 l -2.6,3.9 -0.3,-1.7 -2.2,-0.2 z m 3.8,17.8 c 2.5,3.9 2.5,3.9 2.5,3.9 l -5.1,-2.1 2.2,-0.2 0.4,-1.6 z" + class="st31" + inkscape:label="backward TKTL1_TKTL2_TKT_1 " + inkscape:connector-curvature="0" + id="B_TKTL1_TKTL2_TKT_1" /><path + style="fill:none;stroke:#000000;stroke-width:1.69710004" + d="m 965.6,172.01855 25.6,19.2 0,0 m -26.5,0.5 25.6,-19.2" + class="st31" + inkscape:label="TKTL1_TKTL2_TKT_1 " + inkscape:connector-curvature="0" + id="R_TKTL1_TKTL2_TKT_1" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text156" + class="st15 st16" + x="997.87823" + y="172.36835">GA3P</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text158" + class="st15 st16" + x="998.20343" + y="200.00905">F6P</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text160" + class="st15 st16" + x="924.83331" + y="199.35765">Xil5P</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text162" + class="st15 st16" + x="899.55011" + y="119.60376">Sed1,7BP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text164" + class="st17 st18" + x="862.2395" + y="101.52756">ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text166" + class="st17 st18" + x="878.388" + y="101.37626">ADP</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 974.2,113.01855 c -7.1,2.6 -7.1,2.6 -7.1,2.6 l 7.3,1.8 -2,-2 1.8,-2.4 z" + class="st32" + inkscape:label="forward ALDOC_ALDOB_ALDOA_1 " + inkscape:connector-curvature="0" + id="F_ALDOC_ALDOB_ALDOA_1" /><path + style="fill:none;stroke:#000000;stroke-width:1.84440005" + d="m 988.6,115.41855 0,13.6 m -16.1,-13.5 32.6,0" + class="st13" + inkscape:connector-curvature="0" + id="R_ALDOC_ALDOB_ALDOA_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.03660011" + d="m 990.5,127.81855 c -1.7,5.4 -1.7,5.4 -1.7,5.4 l -2.2,-5.2 2,1.3 1.9,-1.5 z m 13.7,-14.3 c 6.9,2.2 6.9,2.2 6.9,2.2 l -6.9,2.2 1.7,-2.2 -1.7,-2.2 z" + class="st33" + inkscape:label="B ALDOC_ALDOB_ALDOA_1" + inkscape:connector-curvature="0" + id="B_ALDOC_ALDOB_ALDOA_1" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text171" + class="st15 st16" + x="1014.1517" + y="119.70486">Ery4P</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text173" + class="st15 st16" + x="968.1048" + y="145.78055">DHAP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text175" + class="st15 st16" + x="771.2854" + y="226.97975">PRPP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text177" + class="st17 st18" + x="826.94464" + y="243.12035">Gly</text> +<text + style="font-size:10px;font-family:Calibri" + id="text179" + class="st17 st18" + x="913.92413" + y="243.37524">2 10-forTHF</text> +<text + style="font-size:10px;font-family:Calibri" + id="text181" + class="st17 st18" + x="857.57452" + y="209.29074">2 THF</text> +<text + style="font-size:10px;font-family:Calibri" + id="text183" + class="st17 st18" + x="884.82159" + y="209.54565">PPi</text> +<text + style="font-size:10px;font-family:Calibri" + id="text185" + class="st17 st18" + x="901.06671" + y="208.81564">4 ADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text187" + class="st17 st18" + x="836.94171" + y="209.48065">Fum</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text189" + class="st15 st16" + x="1001.889" + y="227.94115">IMP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text191" + class="st17 st18" + x="802.77081" + y="243.09105">2 Gln</text> +<text + style="font-size:10px;font-family:Calibri" + id="text193" + class="st17 st18" + x="812.37921" + y="209.35135">2 Glu</text> +<text + style="font-size:10px;font-family:Calibri" + id="text195" + class="st17 st18" + x="890.34705" + y="243.16335">4 ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text197" + class="st17 st18" + x="868.02661" + y="242.86446">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text199" + class="st17 st26" + x="874.25714" + y="244.86446">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text201" + class="st17 st18" + x="877.34601" + y="242.86446">O</text> +<text + style="font-size:10px;font-family:Calibri" + id="text203" + class="st17 st18" + x="964.69855" + y="243.09105">CO</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text205" + class="st17 st26" + x="976.56384" + y="245.09105">2</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text207" + class="st15 st16" + x="1268.7963" + y="274.35965">GDP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text209" + class="st17 st18" + x="1227.5297" + y="295.81955">ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text211" + class="st17 st18" + x="1245.308" + y="295.39575">ADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text213" + class="st17 st18" + x="588.70343" + y="538.1087">ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text215" + class="st17 st18" + x="593.98761" + y="501.60864">ADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text217" + class="st17 st18" + x="617.54913" + y="538.3645">CoA</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text219" + class="st15 st16" + x="663.85974" + y="522.77277">AcCoA</text> +<text + style="font-size:10px;font-family:Calibri" + id="text221" + class="st17 st18" + x="631.93585" + y="501.30786">OAA</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text223" + class="st15 st16" + x="1047.556" + y="522.03638">ippPP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text225" + class="st15 st16" + x="1123.9662" + y="522.45044">fPP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text227" + class="st15 st16" + x="1293.7357" + y="521.42017">Chol</text> +<text + style="font-size:10px;font-family:Calibri" + id="text229" + class="st17 st18" + x="715.52472" + y="482.08426">ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text231" + class="st17 st18" + x="735.80505" + y="481.85086">HCO</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text233" + class="st17 st26" + x="753.9007" + y="483.85086">3</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text235" + class="st17 st26" + x="756.98865" + y="476.35086">-</text> +<text + style="font-size:10px;font-family:Calibri" + id="text237" + class="st17 st18" + x="763.59314" + y="481.23465">H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text239" + class="st17 st18" + x="727.01691" + y="449.72195">ADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text241" + class="st17 st18" + x="766.38605" + y="449.12424">Pi</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text243" + class="st15 st16" + x="790.05304" + y="468.83524">MalCoA</text> +<text + style="font-size:10px;font-family:Calibri" + id="text245" + class="st17 st18" + x="882.31775" + y="413.45636">CO</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text247" + class="st17 st26" + x="894.18292" + y="415.45636">2</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text249" + class="st15 st16" + x="914.74835" + y="432.96216">AcAcACP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text251" + class="st17 st18" + x="999.9397" + y="447.29025">14NADPH</text> +<text + style="font-size:10px;font-family:Calibri" + id="text253" + class="st17 st18" + x="1008.5541" + y="412.44064">14NADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text255" + class="st17 st18" + x="1071.347" + y="412.67795">6 H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text257" + class="st17 st26" + x="1084.9066" + y="414.67795">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text259" + class="st17 st18" + x="1087.9945" + y="412.67795">O</text> +<text + style="font-size:10px;font-family:Calibri" + id="text261" + class="st17 st18" + x="1045.3734" + y="412.36255">6 CO</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text263" + class="st17 st26" + x="1064.5677" + y="414.36255">2</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text265" + class="st15 st16" + x="1105.4926" + y="433.46994">Palm</text> +<text + style="font-size:10px;font-family:Calibri" + id="text267" + class="st17 st18" + x="949.78149" + y="447.81464">6 MalACP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text269" + class="st17 st18" + x="982.41632" + y="413.04025">7 ACP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text271" + class="st17 st18" + x="857.53351" + y="449.55005">CoA</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text273" + class="st15 st16" + x="887.2757" + y="468.92606">MalACP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text275" + class="st17 st18" + x="848.5813" + y="482.83524">ACP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text277" + class="st17 st18" + x="756.85382" + y="411.64575">CoA</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text279" + class="st15 st16" + x="791.37335" + y="434.89474">AcACP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text281" + class="st17 st18" + x="747.01202" + y="447.85574">ACP</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.59029996" + d="m 761,430.21855 c -5.4,1.2 -4.9,10.4 -4.9,10.4 m 4.5,-10.5 c 5.3,-1 4,-9.8 4,-9.8 m -64.6,89 0.4,-79.2 79.6,0" + class="st34" + inkscape:connector-curvature="0" + id="R_FASN_1" /><path + style="fill:none;stroke:#000000;stroke-width:1.72870004" + d="m 855.7,430.31855 c 6.2,-0.4 7.2,-8.3 7.2,-8.3 m 28,33.5 -10,-25.7 m -45.2,0.4 68.9,-0.3 m -20.5,0.2 c 6.1,-0.6 6.4,-8.5 6.4,-8.5" + class="st35" + inkscape:connector-curvature="0" + id="R_AcAcACPSynthesis" /><text + style="font-size:10px;font-family:Calibri" + id="text285" + class="st17 st18" + x="855.91821" + y="414.73166">ACP</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.77409995" + d="m 729.6,464.51855 c -6,1.1 -5.5,9.1 -5.5,9.1 m 5.8,-9.3 c 5.9,-0.9 4.4,-8.8 4.4,-8.8 m 30.6,8.8 c 5.9,-0.9 4.4,-8.8 4.4,-8.8 m -59.2,8.5 25.7,0.6 44.2,-0.3 m -28,0.2 c -6,1.1 -5.5,9.1 -5.5,9.1 m 25.5,-9.1 c -6,1.1 -5.5,9.1 -5.5,9.1 m -56.2,37.3 0,-47.7" + class="st36" + inkscape:label="ACACB_PRKAG2_PRKAB2_ACACA_PRKAA2" + inkscape:connector-curvature="0" + id="R_ACACB_PRKAG2_PRKAB2_ACACA_PRKAA2" /><path + style="fill:none;stroke:#000000;stroke-width:2.23090005" + d="m 1428,1116.5186 c -6.9,-2.1 -6.9,-2.1 -6.9,-2.1 l 6.9,-2.3 -1.7,2.2 1.7,2.2 z m 57.5,-14.1 c 1.8,-5.9 1.8,-5.9 1.8,-5.9 l 2.5,5.6 -2.3,-1.3 -2,1.6 z" + class="st37" + inkscape:connector-curvature="0" + id="F_ALDH3B1_ALDH3A1_ALDH3B2_ALDH1A3" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1499.2,1027.2186 -73.8,0 0,0 m 21.8,0 c -5.9,-1.6 -4.4,-14.8 -4.4,-14.8 m 43.4,14.6 c 4.7,-3.6 3.8,-14.7 1.1,-14.6" + class="st32" + inkscape:connector-curvature="0" + id="R_SLC25A3" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text290" + class="st15 st16" + x="1480.8578" + y="1008.175">H</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text292" + class="st15 st16" + x="1501.9437" + y="1029.9797">Pi</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text294" + class="st15 st16" + x="1438.8285" + y="1005.4563">H</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text296" + class="st15 st16" + x="1401.4027" + y="1030.7034">Pi</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.23090005" + d="m 1425.9,1028.9186 c -6.9,-2.1 -6.9,-2.1 -6.9,-2.1 l 6.9,-2.3 -1.7,2.2 1.7,2.2 z m 14.4,-15.2 c 2.4,-5.7 2.4,-5.7 2.4,-5.7 l 2,5.8 -2.1,-1.5 -2.3,1.4 z" + class="st37" + inkscape:connector-curvature="0" + id="F_SLC25A3" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1502.9,1072.8186 c -24.6,0 -49.2,0 -73.8,0 m 21.8,0 c -3.5,-1 -4.2,-5.1 -4.5,-8.3 -0.2,-2 -0.1,-3.9 0.1,-5.9 m 43,14 c 0.4,-4.6 2.5,-9 2.7,-13.7 0,-0.4 -0.1,-1.1 -0.7,-1.1" + class="st32" + inkscape:connector-curvature="0" + id="R_SLC25A5_SLC25A4_SLC25A6" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text300" + class="st15 st16" + x="1479.5199" + y="1049.1731">ATP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text302" + class="st15 st16" + x="1511.3929" + y="1077.179">ADP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text304" + class="st15 st16" + x="1432.8539" + y="1049.8508">ATP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text306" + class="st15 st16" + x="1391.6039" + y="1077.1125">ADP</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.23090005" + d="m 1429.5,1074.5186 c -6.9,-2.1 -6.9,-2.1 -6.9,-2.1 l 6.9,-2.3 -1.7,2.2 1.7,2.2 z m 61,-14.2 c 2.1,-5.8 2.1,-5.8 2.1,-5.8 l 2.2,5.7 -2.2,-1.4 -2.1,1.5 z" + class="st37" + inkscape:label="#F_SLC25A5_SLC25A4_SLC25A6" + inkscape:connector-curvature="0" + id="F_SLC25A5_SLC25A4_SLC25A6" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1501.4,1114.8186 -73.8,0 0,0 m 21.8,0 c -5.9,-1.4 -4.4,-13.5 -4.4,-13.5 m 41.7,-1 c 3.2,6.1 -5.5,14.6 -5.5,14.6" + class="st32" + inkscape:connector-curvature="0" + id="R_ALDH3B1_ALDH3A1_ALDH3B2_ALDH1A3" /><text + style="font-size:14px;font-family:Calibri-Bold" + id="text310" + class="st15 st38" + x="1473.5541" + y="1092.8215">GTP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text312" + class="st15 st16" + x="1509.8929" + y="1117.5793">GDP</text> +<text + style="font-size:14px;font-family:Calibri-Bold" + id="text314" + class="st15 st38" + x="1428.8754" + y="1092.8958">GTP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text316" + class="st15 st16" + x="1390.0355" + y="1119.3235">GDP</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.23090005" + d="m 1500.2,1112.5186 c 6.6,3 6.6,3 6.6,3 l -7.1,1.4 2,-2 -1.5,-2.4 z m -57.8,-10.4 c 2.4,-5.7 2.4,-5.7 2.4,-5.7 l 2,5.8 -2.1,-1.5 -2.3,1.4 z" + class="st37" + inkscape:connector-curvature="0" + id="B_ALDH3B1_ALDH3A1_ALDH3B2_ALDH1A3" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1442.3,832.21855 c -6.9,-2.1 -6.9,-2.1 -6.9,-2.1 l 6.9,-2.3 -1.7,2.2 1.7,2.2 z" + class="st32" + inkscape:label="forward AQP8 " + inkscape:connector-curvature="0" + id="F_AQP8" /><path + style="fill:none;stroke:#000000;stroke-width:1.77520001" + d="m 1493,830.41855 -50.4,0 0,0" + class="st39" + inkscape:label="AQP8 " + inkscape:connector-curvature="0" + id="R_AQP8" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1489,828.11855 c 6.6,3 6.6,3 6.6,3 l -7.1,1.4 2,-2 -1.5,-2.4 z" + class="st32" + inkscape:transform-center-y="2.6134784" + inkscape:transform-center-x="-0.38596577" + inkscape:label="backward AQP8 " + inkscape:connector-curvature="0" + id="B_AQP8" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text322" + class="st15 st16" + x="1501.9828" + y="834.84888">H</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text324" + class="st15 st40" + x="1512.0765" + y="838.04907">2</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text326" + class="st15 st16" + x="1517.0179" + y="834.84888">O</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text328" + class="st15 st16" + x="1405.2406" + y="834.85181">H</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text330" + class="st15 st40" + x="1415.3344" + y="838.052">2</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text332" + class="st15 st16" + x="1420.2758" + y="834.85181">O</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text334" + class="st15 st16" + x="1501.2924" + y="920.34888">O</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text336" + class="st15 st40" + x="1512.1127" + y="923.54907">2</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text338" + class="st15 st16" + x="1414.5111" + y="921.31366">O</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text340" + class="st15 st40" + x="1425.3314" + y="924.51385">2</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text342" + class="st15 st16" + x="1500.6859" + y="857.42798">CO</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text344" + class="st15 st40" + x="1519.8578" + y="860.6272">2</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text346" + class="st15 st16" + x="1405.0785" + y="858.29315">CO</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text348" + class="st15 st40" + x="1424.2504" + y="861.49341">2</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text350" + class="st15 st16" + x="1500.932" + y="879.84888">CoA</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text352" + class="st15 st16" + x="1400.6957" + y="879.69458">CoA</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1441.9,917.71855 c -6.9,-2.1 -6.9,-2.1 -6.9,-2.1 l 6.9,-2.3 -1.7,2.2 1.7,2.2 z" + class="st32" + inkscape:label="TransportOxygen F" + inkscape:connector-curvature="0" + id="F_TransportOxygen" /><path + style="fill:none;stroke:#000000;stroke-width:1.88160002" + d="m 1497.8,915.91855 -56.7,0 0,0" + class="st41" + inkscape:label="TransportOxygen" + inkscape:connector-curvature="0" + id="R_TransportOxygen" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1440.8,854.71855 c -6.9,-2.1 -6.9,-2.1 -6.9,-2.1 l 6.9,-2.3 -1.7,2.2 1.7,2.2 z" + class="st32" + inkscape:label="forward Transport_CO2 " + inkscape:connector-curvature="0" + id="F_Transport_CO2" /><path + style="fill:none;stroke:#000000;stroke-width:1.86150002" + d="m 1493.5,852.91855 -55.5,0 0,0" + class="st42" + inkscape:label="Transport_CO2 " + inkscape:connector-curvature="0" + id="R_Transport_CO2" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1489,850.31855 c 6.6,3 6.6,3 6.6,3 l -7.1,1.4 2,-2 -1.5,-2.4 z" + class="st32" + inkscape:transform-center-y="2.6134784" + inkscape:transform-center-x="-0.38596577" + inkscape:label="backward Transport_CO2 " + inkscape:connector-curvature="0" + id="B_Transport_CO2" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1440.8,877.21855 c -6.9,-2.1 -6.9,-2.1 -6.9,-2.1 l 6.9,-2.3 -1.7,2.2 1.7,2.2 z" + class="st32" + inkscape:label="backward SLC25A16 " + inkscape:connector-curvature="0" + id="B_SLC25A16" /><path + style="fill:none;stroke:#000000;stroke-width:1.79229999" + d="m 1492.5,875.11855 -51.4,0 0,0" + class="st43" + inkscape:label="SLC25A16 " + inkscape:connector-curvature="0" + id="R_SLC25A16" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1490.5,872.71855 c 6.6,3 6.6,3 6.6,3 l -7.1,1.4 2,-2 -1.5,-2.4 z" + class="st32" + inkscape:transform-center-y="2.6134784" + inkscape:transform-center-x="-0.38596577" + inkscape:label="forward SLC25A16 " + inkscape:connector-curvature="0" + id="F_SLC25A16" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text362" + class="st15 st16" + x="1501.2006" + y="899.49829">NH</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text364" + class="st15 st40" + x="1521.8334" + y="902.69849">3</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text366" + class="st15 st16" + x="1402.0922" + y="899.6507">NH</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text368" + class="st15 st40" + x="1422.725" + y="902.85089">3</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1439.3,896.71855 c -6.9,-2.1 -6.9,-2.1 -6.9,-2.1 l 6.9,-2.3 -1.7,2.2 1.7,2.2 z" + class="st32" + inkscape:label="forward HIBCH " + inkscape:connector-curvature="0" + id="F_HIBCH" /><path + style="fill:none;stroke:#000000;stroke-width:1.86909997" + d="m 1494.1,894.91855 -55.9,0 0,0" + class="st44" + inkscape:label="HIBCH " + inkscape:connector-curvature="0" + id="R_HIBCH" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1490.8,892.61855 c 6.6,3 6.6,3 6.6,3 l -7.1,1.4 2,-2 -1.5,-2.4 z" + class="st32" + inkscape:transform-center-y="2.6134784" + inkscape:transform-center-x="-0.38596577" + inkscape:label="backward HIBCH " + inkscape:connector-curvature="0" + id="B_HIBCH" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text373" + class="st15 st16" + x="183.5808" + y="877.27655">AKG</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text375" + class="st15 st16" + x="284.44901" + y="878.07635">AKG</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.82299995" + d="m 275.8,872.81855 -60.2,-0.3 m 44.6,0.3 c 5.9,-1.5 4.4,-13.9 4.4,-13.9 m -26.7,14.1 c -6.2,-6.3 -6.2,-9.5 -6.8,-12.7" + class="st45" + inkscape:connector-curvature="0" + id="R_SLC25A10_3" /><text + style="font-size:14px;font-family:Calibri-Bold" + id="text378" + class="st15 st38" + x="225.0891" + y="851.62427">Pi</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.35560012" + d="m 233.9,861.71855 c -2.4,-5.9 -2.4,-5.9 -2.4,-5.9 l -2.3,6 2.3,-1.5 2.4,1.4 z m 40.1,13.1 c 7.2,-2.3 7.2,-2.3 7.2,-2.3 l -7.3,-2 1.9,2.1 -1.8,2.2 z" + class="st46" + inkscape:connector-curvature="0" + id="F_SLC25A10_3" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text381" + class="st15 st16" + x="541.16345" + y="867.11346">OAA</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text383" + class="st15 st16" + x="444.4646" + y="817.42017">AcCoA</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text385" + class="st15 st16" + x="552.0061" + y="801.70825">Cit</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text387" + class="st15 st16" + x="584.02271" + y="750.14575">Isocit</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text389" + class="st15 st16" + x="720.78931" + y="750.92017">AKG</text> +<text + style="font-size:10px;font-family:Calibri" + id="text391" + class="st17 st18" + x="618.72882" + y="720.4563">NADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text393" + class="st17 st18" + x="647.54321" + y="718.54126">NADPH</text> +<text + style="font-size:10px;font-family:Calibri" + id="text395" + class="st17 st18" + x="620.67413" + y="781.10181">NAD</text> +<text + style="font-size:10px;font-family:Calibri" + id="text397" + class="st17 st18" + x="649.48175" + y="783.26978">NADH</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text399" + class="st15 st16" + x="762.93884" + y="808.12225">SuCoA</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text401" + class="st15 st16" + x="768.40649" + y="883.388">Succ</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text403" + class="st15 st16" + x="702.18781" + y="941.1272">Fum</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text405" + class="st15 st16" + x="578.7005" + y="921.75116">Mal</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.04839993" + d="m 566.7,779.01855 c -1.3,6.1 -1.3,6.1 -1.3,6.1 l 4.5,-4.4 -2.3,0.5 -0.9,-2.2 z" + class="st47" + inkscape:label="backward aconitase" + inkscape:connector-curvature="0" + id="B_ACO2_ACO1_1" /><path + style="fill:none;stroke:#000000;stroke-width:1.12699997" + d="m 566.9,782.01855 c 4.6,-9.3 11.1,-17.4 19,-23.8" + class="st48" + inkscape:connector-curvature="0" + id="R_ACO2_ACO1_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.04839993" + d="m 585.4,760.31855 c 3.7,-5 3.7,-5 3.7,-5 l -5.8,2.2 2.3,0.5 -0.2,2.3 z" + class="st47" + inkscape:label="forward aconitase" + inkscape:connector-curvature="0" + id="F_ACO2_ACO1_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.04839993" + d="m 613.2,930.01855 c -5.9,-2.2 -5.9,-2.2 -5.9,-2.2 l 3.7,5 -0.1,-2.3 2.3,-0.5 z" + class="st47" + inkscape:label="forward fumarase" + inkscape:connector-curvature="0" + id="F_FH_1" /><path + style="fill:none;stroke:#000000;stroke-width:1.53830004" + d="m 750,753.21855 c 11.4,9.5 20.7,21.6 27.4,35.6 m 7.1,-13.7 c -5.5,3.4 -13.1,1.9 -17.3,-3.3 -4.2,-5.2 -3.5,-12.4 1.5,-16.3" + class="st49" + inkscape:label="DLSTP1_DLD_OGDH_PDHX_DLST_DHTKD1_OGDHL" + inkscape:connector-curvature="0" + id="R_DLSTP1_DLD_OGDH_PDHX_DLST_DHTKD1_OGDHL" /><text + style="font-size:10px;font-family:Calibri" + id="text412" + class="st17 st18" + x="770.49744" + y="758.63306">NAD</text> +<text + style="font-size:10px;font-family:Calibri" + id="text414" + class="st17 st18" + x="788.89093" + y="758.63306">+</text> +<text + style="font-size:10px;font-family:Calibri" + id="text416" + class="st17 st18" + x="793.8714" + y="758.63306">CoA</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.4921" + d="m 804.5,854.61855 c -5.7,0.4 -11.1,-2.1 -14.1,-6.4 -3,-4.3 -3,-9.8 -0.1,-14.1 2.9,-4.3 8.3,-6.9 14,-6.5 m -18.4,38.9 c 3.7,-17.5 3.4,-35.7 -0.7,-53.3" + class="st50" + inkscape:connector-curvature="0" + id="R_KANK1_SUCLA2_SUCLG1_SUCLG2_1" /><text + style="font-size:10px;font-family:Calibri" + id="text419" + class="st17 st18" + x="812.39685" + y="828.55005">GDP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text421" + class="st17 st18" + x="830.02374" + y="828.55005">+</text> +<text + style="font-size:10px;font-family:Calibri" + id="text423" + class="st17 st18" + x="835.00421" + y="828.55005">Pi</text> +<text + style="font-size:10px;font-family:Calibri" + id="text425" + class="st17 st18" + x="814.06671" + y="857.71606">GTP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text427" + class="st17 st18" + x="830.36554" + y="857.71606">+</text> +<text + style="font-size:10px;font-family:Calibri" + id="text429" + class="st17 st18" + x="835.34601" + y="857.71606">CoA</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.41170001" + d="m 762.8,933.01855 c -4.7,-2.1 -7.7,-6.5 -7.5,-11.2 0.2,-4.7 3.4,-8.9 8.2,-10.5 4.8,-1.7 10.3,-0.5 14,2.9 m -2.6,-22 c -9,15.5 -21.4,28.8 -36.4,39.2" + class="st51" + inkscape:connector-curvature="0" + id="R_SDHA_SDHB_SDHC_SDHD" /><text + style="font-size:10px;font-family:Calibri" + id="text432" + class="st17 st18" + x="784.63501" + y="920.19165">FAD</text> +<text + style="font-size:10px;font-family:Calibri" + id="text434" + class="st17 st18" + x="764.34894" + y="943.30975">FADH</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text436" + class="st17 st26" + x="786.55115" + y="945.30975">2</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.37870002" + d="m 578.6,907.21855 c -8.4,-8.4 -15,-18.8 -19.3,-30.4 m -8,12 c 3.1,-2 7.4,-2.3 10.9,-0.8 3.6,1.6 5.8,4.7 5.8,8.2 0,3.4 -2.2,6.6 -5.8,8" + class="st52" + inkscape:connector-curvature="0" + id="R_MDH2" /><text + style="font-size:10px;font-family:Calibri" + id="text439" + class="st17 st18" + x="537.08234" + y="912.11646">NAD</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text441" + class="st15 st16" + x="451.4158" + y="732.70825">Pyr</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.24370003" + d="m 464.2,739.41855 0.2,56.6 m -0.5,-21.6 c 1.5,5.9 13.6,4.1 13.6,4.1 m -13.3,-14.1 c 1.5,5.9 13.4,4.1 13.4,4.1 m -13.1,1.8 c -1.6,-6 -12.9,-5.2 -12.9,-5.2 m 12.4,-12.6 c -1.5,-6 -12.4,-5.2 -12.4,-5.2 m 12.7,6.1 c 1.5,5.9 13.2,4.1 13.2,4.1" + class="st53" + inkscape:label="DLD_PDHX_PDHA1_DLAT_PDHA2_PDHB " + inkscape:connector-curvature="0" + id="R_DLD_PDHX_PDHA1_DLAT_PDHA2_PDHB" /><text + style="font-size:10px;font-family:Calibri" + id="text444" + class="st17 st18" + x="567.64972" + y="846.81366">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text446" + class="st17 st26" + x="573.88025" + y="848.81366">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text448" + class="st17 st18" + x="576.96814" + y="846.81366">O</text> +<text + style="font-size:10px;font-family:Calibri" + id="text450" + class="st17 st18" + x="569.51593" + y="825.74438">CoA</text> +<text + style="font-size:10px;font-family:Calibri" + id="text452" + class="st17 st18" + x="695.72681" + y="780.76196">CO</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text454" + class="st17 st26" + x="707.5921" + y="782.76196">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text456" + class="st17 st18" + x="696.48865" + y="719.4046">CO</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text458" + class="st17 st26" + x="708.35382" + y="721.4046">2</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.04839993" + d="m 664.2,952.91855 c 5.8,2.2 5.8,2.2 5.8,2.2 l -3.7,-5 0.1,2.3 -2.2,0.5 z m 27.9,-11.2 c 4.9,-3.8 4.9,-3.8 4.9,-3.8 l -6.2,0.6 2,1.1 -0.7,2.1 z" + class="st47" + inkscape:connector-curvature="0" + id="B_FH_1" /><path + style="fill:none;stroke:#000000;stroke-width:1.84920001" + d="m 666.6,952.31855 -16.4,-9.8 m 41.7,-2.8 c -33.5,7.3 -52.1,2.6 -79.1,-8.8" + class="st54" + inkscape:connector-curvature="0" + id="R_FH_1" /><text + style="font-size:10px;font-family:Calibri" + id="text462" + class="st17 st18" + x="672.46021" + y="961.96796">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text464" + class="st17 st26" + x="678.69073" + y="963.96796">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text466" + class="st17 st18" + x="681.7796" + y="961.96796">O</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.81599998" + d="m 561.8,902.51855 c -4,4 -4,4 -4,4 l 5.5,-0.9 -1.9,-1 0.4,-2.1 z m 13.6,3.9 c 6,1.7 6,1.7 6,1.7 l -4.1,-4.7 0.3,2.3 -2.2,0.7 z" + class="st55" + inkscape:connector-curvature="0" + id="B_MDH2" /><path + style="fill:none;stroke:#000000;stroke-width:1.81599998" + d="m 739.7,928.21855 c -4.1,4.7 -4.1,4.7 -4.1,4.7 l 6,-1.7 -2.2,-0.7 0.3,-2.3 z m 21.4,5.7 c 5.3,1.4 5.3,1.4 5.3,1.4 l -3.6,-4.5 0.3,2.3 -2,0.8 z" + class="st55" + inkscape:connector-curvature="0" + id="F_SDHA_SDHB_SDHC_SDHD" /><path + style="fill:none;stroke:#000000;stroke-width:1.81599998" + d="m 774.9,896.21855 c 1.3,-6.1 1.3,-6.1 1.3,-6.1 l -4.4,4.4 2.3,-0.5 0.8,2.2 z m 1.2,19.4 c 6.1,1.1 6.1,1.1 6.1,1.1 l -4.5,-4.3 0.5,2.2 -2.1,1 z" + class="st55" + inkscape:connector-curvature="0" + id="B_SDHA_SDHB_SDHC_SDHD" /><path + style="fill:none;stroke:#000000;stroke-width:1.81599998" + d="m 785.2,863.01855 c 0.1,6.2 0.1,6.2 0.1,6.2 l 3.3,-5.3 -2.1,1 -1.3,-1.9 z m 18.8,-7 c 6.1,-1.5 6.1,-1.5 6.1,-1.5 l -5.9,-2 1.4,1.8 -1.6,1.7 z" + class="st55" + inkscape:connector-curvature="0" + id="F_KANK1_SUCLA2_SUCLG1_SUCLG2_1" /><path + style="fill:none;stroke:#000000;stroke-width:1.81599998" + d="m 788.1,817.61855 c -3.6,-5.1 -3.6,-5.1 -3.6,-5.1 l 0.2,6.2 1.2,-2 2.2,0.9 z m 14.8,11.6 c 6,-1.6 6,-1.6 6,-1.6 l -5.9,-1.9 1.5,1.8 -1.6,1.7 z" + class="st55" + inkscape:connector-curvature="0" + id="B_KANK1_SUCLA2_SUCLG1_SUCLG2_1" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text473" + class="st15 st16" + x="177.26639" + y="802.27655">Fum</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text475" + class="st15 st16" + x="283.87378" + y="800.91235">Fum</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.82299995" + d="m 275.8,797.81855 -60.2,-0.3 m 44.6,0.2 c 5.9,-1.6 4.4,-15.3 4.4,-15.3 m -31.3,15.6 c -6.4,-4.5 -7.8,-15.5 -5,-15.5" + class="st45" + inkscape:connector-curvature="0" + id="R_SLC25A10_4" /><path + style="fill:none;stroke:#000000;stroke-width:2.0158999" + d="m 229.9,783.11855 c -2.1,-4.9 -2.1,-4.9 -2.1,-4.9 l -2,5 2.1,-1.3 2,1.2 z m 44.1,16.7 c 7.2,-2.3 7.2,-2.3 7.2,-2.3 l -7.3,-2 1.9,2.1 -1.8,2.2 z" + class="st56" + inkscape:label=" B SLC25A10_4" + inkscape:connector-curvature="0" + id="B_SLC25A10_4" /><path + style="fill:none;stroke:#000000;stroke-width:2.00889993" + d="m 267,783.11855 c -1.6,-5.3 -1.6,-5.3 -1.6,-5.3 l -2.3,5.1 2,-1.2 1.9,1.4 z m -50.7,12.4 c -7.2,2.4 -7.2,2.4 -7.2,2.4 l 7.4,1.9 -1.9,-2.1 1.7,-2.2 z" + class="st57" + inkscape:label="F SLC25A10_4" + inkscape:connector-curvature="0" + id="F_SLC25A10_4" /><text + style="font-size:14px;font-family:Calibri-Bold" + id="text480" + class="st15 st38" + x="260.33328" + y="777.0979">Pi</text> +<text + style="font-size:14px;font-family:Calibri-Bold" + id="text482" + class="st15 st38" + x="222.5813" + y="777.03638">Pi</text> +<text + style="font-size:10px;font-family:Calibri" + id="text484" + class="st17 st18" + x="482.52859" + y="702.16626">H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text486" + class="st17 st18" + x="444.9617" + y="668.1311">H</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text488" + class="st15 st16" + x="465.6225" + y="1131.1801">NAD</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text490" + class="st15 st16" + x="499.44772" + y="1131.5101">QH</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text492" + class="st15 st40" + x="520.51807" + y="1134.7103">2</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text494" + class="st15 st16" + x="396.8374" + y="1133.059">5 H</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.26660001" + d="m 380.1998,1138.2711 0,17.7 133.5,0 0,-17.7 m -104.6,-1.6 0,18.7 m 26.7,-18.1 0,18.2 m 49,0 0,-17 m -13,17 0,28.6" + class="st58" + inkscape:connector-curvature="0" + id="R_Complex1ROS" + inkscape:label="#R_Complex1ROS" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text505" + class="st15 st16" + x="580.42444" + y="1130.2744">2 Cytc-ox</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text507" + class="st15 st16" + x="738.55164" + y="1130.0198">2 Cytc-red</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text509" + class="st15 st16" + x="834.18854" + y="1130.3486">Q</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text511" + class="st15 st16" + x="667.68347" + y="1131.8838">2H</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text513" + class="st15 st16" + x="702.59131" + y="1130.5463">QH</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text515" + class="st15 st40" + x="723.66162" + y="1135.3677">2</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.29487193" + d="m 643.71124,1137.3649 0,18.3 195.54681,0 0,-18.3 m -159.78839,-0.3 0,18.2 m 41.6057,-17.5 0,17.4 m 65.782,0.1 0,-15.3 m -27.54973,15.6 0,24.5" + class="st60" + inkscape:connector-curvature="0" + id="R_Complex3" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text518" + class="st15 st16" + x="746.68384" + y="1199.0907">4 H</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text520" + class="st15 st16" + x="888.39905" + y="1132.1252">4 Cytc-red</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text522" + class="st15 st16" + x="1039.7281" + y="1131.0266">4 Cytc-ox</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text524" + class="st15 st16" + x="1123.9191" + y="1132.1672">2H</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text526" + class="st15 st40" + x="1145.7395" + y="1135.3684">2</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text528" + class="st15 st16" + x="1150.6809" + y="1132.1672">O</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text530" + class="st15 st16" + x="981.8186" + y="1132.9836">8H</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text532" + class="st15 st16" + x="1011.5463" + y="1132.6321">O</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text534" + class="st15 st40" + x="1022.3666" + y="1135.8323">2</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.18280005" + d="m 951.7,1138.8186 0,16.2 192.2,0 0,-16.2 m -152.2,-0.5 0,16.2 m 26.6,-15.7 0,15.8 m 53.3,-0.1 0,-13.8 m -23.8,13.8 0,25.4" + class="st61" + inkscape:connector-curvature="0" + id="R_Complex4" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text537" + class="st15 st16" + x="1035.0892" + y="1196.552">4 H</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text539" + class="st15 st16" + x="890.96515" + y="866.2962">CO</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text541" + class="st15 st40" + x="910.13702" + y="869.4964">2</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text543" + class="st15 st16" + x="962.79913" + y="866.07635">HCO</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text545" + class="st15 st40" + x="992.0647" + y="869.27655">3</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text547" + class="st15 st40" + x="997.0061" + y="857.27655">-</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.06990004" + d="m 929.8,861.11855 c -6.3,1.9 -5.8,15.6 -5.8,15.6 m 12.8,-15.5 c 6.4,1.4 4.8,12.8 4.8,12.8 m 11,-13 -36,-0.3" + class="st62" + inkscape:connector-curvature="0" + id="R_CA5B_CA5A" /><text + style="font-size:10px;font-family:Calibri" + id="text550" + class="st17 st18" + x="938.54132" + y="886.07739">H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text552" + class="st17 st18" + x="913.19171" + y="885.12616">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text554" + class="st17 st26" + x="919.42224" + y="887.12616">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text556" + class="st17 st18" + x="922.51105" + y="885.12616">O</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 1170.1,1230.7186 2.1,-7.3 2.3,7.3 -2.2,-1.8 -2.2,1.8 z" + class="st14" + inkscape:label="Glucose_DM_COOP b" + inkscape:connector-curvature="0" + id="B_Glucose_DM_COOP" /><path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 1172.1,1229.4186 0.7,48.1" + class="st14" + inkscape:label="Glucose_DM_COOP" + inkscape:connector-curvature="0" + id="R_Glucose_DM_COOP" /><a + transform="translate(1273.3622,1205.6018)" + xlink:href="http://www.genome.jp/dbget-bin/www_bget?cpd:C00031" + id="a14384-0"><text + style="font-size:16px;font-family:Calibri-Bold" + id="text561" + class="st15 st16" + transform="translate(-116.0982,12.7041)">Glc</text> +</a><path + style="fill:none;stroke:#000000;stroke-width:2.17810011" + d="m 501.1,1274.6186 2.2,7.2 2.2,-7.2 -2.2,1.8 -2.2,-1.8 z" + class="st63" + inkscape:label="Ex_SC_H2O f" + inkscape:connector-curvature="0" + id="F_Ex_SC_H2O" /><path + style="fill:none;stroke:#000000;stroke-width:2.17810011" + d="m 503.2,1227.4186 0,47.6" + class="st63" + inkscape:label="Ex_SC_H2O" + inkscape:connector-curvature="0" + id="R_Ex_SC_H2O" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text565" + class="st15 st16" + x="488.92899" + y="1219.1184">H</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text567" + class="st15 st40" + x="499.02267" + y="1222.3176">2</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text569" + class="st15 st16" + x="503.96512" + y="1219.1184">O</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.67510009" + d="m 561.7,1232.4186 -2.2,-7.1 -2.2,7.1 2.2,-1.8 2.2,1.8 z" + class="st64" + inkscape:label="Ex_O2 b" + inkscape:connector-curvature="0" + id="B_Ex_O2" /><path + style="fill:none;stroke:#000000;stroke-width:2.67510009" + d="m 559.6,1278.6186 0,-46.6" + class="st64" + inkscape:label="Ex_O2" + inkscape:connector-curvature="0" + id="R_Ex_O2" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text573" + class="st15 st16" + x="553.19659" + y="1218.1301">O</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text575" + class="st15 st40" + x="564.01691" + y="1221.3303">2</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 1236.1431,1273.3107 -2.2,7.3 -2.2,-7.3 2.2,1.8 2.2,-1.8 z" + class="st14" + inkscape:label="Glutamine_DM_COOP f" + inkscape:connector-curvature="0" + id="F_Glutamine_DM_COOP" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text579" + class="st15 st16" + x="1219.5931" + y="1218.3059">Gln</text> +<path + style="fill:none;stroke:#000000;stroke-width:3.16359997" + d="m 643.8,1274.6186 2.2,6.9 2.2,-6.9 -2.2,1.7 -2.2,-1.7 z" + class="st65" + inkscape:label="forward Ex_NH3 " + inkscape:connector-curvature="0" + id="F_Ex_NH3" /><path + style="fill:none;stroke:#000000;stroke-width:3.36989999" + d="m 645.9,1223.3186 0,51.7" + class="st66" + inkscape:label="Ex_NH3 " + inkscape:connector-curvature="0" + id="R_Ex_NH3" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text583" + class="st15 st16" + x="635.18091" + y="1219.1711">NH</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text585" + class="st15 st40" + x="655.81384" + y="1222.3713">3</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 841.2,1232.3186 2.2,-7.3 2.2,7.3 -2.2,-1.8 -2.2,1.8 z" + class="st14" + inkscape:label="DM_Folate f" + inkscape:connector-curvature="0" + id="F_DM_Folate" /><path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 843.5,1276.7186 -0.3,-48.1" + class="st14" + inkscape:label="DM_Folate" + inkscape:connector-curvature="0" + id="R_DM_Folate" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text589" + class="st15 st16" + x="821.54034" + y="1218.8098">Folate</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.31469989" + d="m 689.2,1223.4186 0,56.6" + class="st67" + inkscape:label="DM_Urea" + inkscape:connector-curvature="0" + id="R_DM_Urea" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text592" + class="st15 st16" + x="672.34991" + y="1218.9426">Urea</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.22029996" + d="m 890.5,1223.6186 0.3,50.4" + class="st68" + inkscape:label="DM_putrescine" + inkscape:connector-curvature="0" + id="R_DM_putrescine" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text595" + class="st15 st16" + x="873.35284" + y="1219.4836">Putr</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text597" + class="st15 st16" + x="1115.0238" + y="1218.8967">Lact</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.22930002" + d="m 1141.3465,1230.8815 -2.2,-7.7 -2.2,7.7 2.2,-1.9 2.2,1.9 z" + class="st69" + inkscape:label="LactateL_DM_COOP b" + inkscape:connector-curvature="0" + id="B_LactateL_DM_COOP" /><path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 501.1,1232.3186 2.1,-7.3 2.3,7.3 -2.2,-1.8 -2.2,1.8 z" + class="st14" + inkscape:label="Ex_SC_H2O b" + inkscape:connector-curvature="0" + id="B_Ex_SC_H2O" /><path + style="fill:none;stroke:#000000;stroke-width:2.17810011" + d="m 532.3,1274.6186 2.2,7.2 2.2,-7.2 -2.2,1.8 -2.2,-1.8 z" + class="st63" + inkscape:label="forward Ex_SC_H " + inkscape:connector-curvature="0" + id="F_Ex_SC_H" /><path + style="fill:none;stroke:#000000;stroke-width:2.17810011" + d="m 534.4,1227.4186 0,47.6" + class="st63" + inkscape:label="Ex_SC_Hs" + inkscape:connector-curvature="0" + id="R_Ex_SC_Hs" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text604" + class="st15 st16" + x="529.56775" + y="1219.1184">H</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 532.3,1232.3186 2.1,-7.3 2.3,7.3 -2.2,-1.8 -2.2,1.8 z" + class="st14" + inkscape:label="backward Ex_SC_H " + inkscape:connector-curvature="0" + id="B_Ex_SC_H" /><path + style="fill:none;stroke:#000000;stroke-width:2.17810011" + d="m 687.5,1275.3186 2.2,7.2 2.2,-7.2 -2.2,1.8 -2.2,-1.8 z" + class="st63" + inkscape:label="DM_Urea f" + inkscape:connector-curvature="0" + id="F_DM_Urea" /><path + style="fill:none;stroke:#000000;stroke-width:2.17810011" + d="m 888.7,1273.2186 2.2,7.2 2.2,-7.2 -2.2,1.8 -2.2,-1.8 z" + class="st63" + inkscape:label="DM_putrescine f" + inkscape:connector-curvature="0" + id="F_DM_putrescine" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text609" + class="st15 st16" + x="1258.4867" + y="1218.8098">Glu</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.22930002" + d="m 1267.4,1273.3186 2.2,7.7 2.2,-7.7 -2.2,1.9 -2.2,-1.9 z" + class="st69" + inkscape:label="Glutamate_DM_COOP f" + inkscape:connector-curvature="0" + id="F_Glutamate_DM_COOP" /><path + style="fill:none;stroke:#000000;stroke-width:2.22930002" + d="m 1270,1225.4186 0,50.5" + class="st69" + inkscape:label="Glutamate_DM_COOP" + inkscape:connector-curvature="0" + id="R_Glutamate_DM_COOP" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text613" + class="st15 st16" + x="1294.558" + y="1219.0598">Arg</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.17810011" + d="m 1305.8,1231.5186 2.2,1.8 -2.2,-7.2 -2.2,7.2 2.2,-1.8 z" + class="st63" + inkscape:label="Arginine_DM_COOP f" + inkscape:connector-curvature="0" + id="F_Arginine_DM_COOP" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text616" + class="st15 st16" + x="577.40161" + y="1218.1838">CO</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text618" + class="st15 st40" + x="598.57355" + y="1221.384">2</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.17810011" + d="m 590,1229.9186 0,47.6" + class="st63" + inkscape:label="DM_CO2c" + inkscape:connector-curvature="0" + id="R_DM_CO2c" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text622" + class="st15 st16" + x="615.26984" + y="1219.7141">Pi</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.17810011" + d="m 620.5,1233.9186 0,47.6" + class="st63" + inkscape:label="Ex_SC_Pi " + inkscape:connector-curvature="0" + id="R_Ex_SC_Pi" /><path + style="fill:none;stroke:#000000;stroke-width:2.17810011" + d="m 620.6,1232.5186 2.2,1.8 -2.2,-7.2 -2.2,7.2 2.2,-1.8 z" + class="st63" + inkscape:label="Ex_SC_Pi b" + inkscape:connector-curvature="0" + id="B_Ex_SC_Pi" /><path + style="fill:none;stroke:#000000;stroke-width:1.96669996" + d="m 587.5,1271.4186 1.9,6.8 1.9,-6.8 -1.9,1.7 -1.9,-1.7 z" + class="st70" + inkscape:label="FORWARD DM_CO2c" + inkscape:connector-curvature="0" + id="F_DM_CO2c" /><path + style="fill:none;stroke:#000000;stroke-width:2.22930002" + d="m 618.6,1275.0186 2.2,7.7 2.2,-7.7 -2.2,1.9 -2.2,-1.9 z" + class="st69" + inkscape:label="Ex_SC_Pi f" + inkscape:connector-curvature="0" + id="F_Ex_SC_Pi" /><path + style="fill:none;stroke:#000000;stroke-width:2.13409996" + d="m 927.4,1281.5186 -0.8,-56.3" + class="st71" + inkscape:label="DM_guanidinoacetatec" + inkscape:connector-curvature="0" + id="R_DM_guanidinoacetatec" /><path + style="fill:none;stroke:#000000;stroke-width:2.17810011" + d="m 927.19047,1278.0186 -2.3,-1.7 2.4,7.2 2,-7.3 -2.1,1.8 z" + class="st63" + inkscape:label="DM_guanidinoacetatec f" + inkscape:connector-curvature="0" + id="F_DM_guanidinoacetatec" /><text + style="font-size:15.99923611px;font-family:Calibri-Bold" + id="text630" + class="st15 st16" + transform="matrix(0.99984771,-0.01745156,0.01745156,0.99984771,0,0)" + x="896.45245" + y="1235.1273">GA</text> +<text + style="font-size:10px;font-family:Calibri" + id="text632" + class="st17 st18" + x="813.1839" + y="294.34796">Asp</text> +<text + style="font-size:10px;font-family:Calibri" + id="text634" + class="st17 st18" + x="847.99152" + y="294.67303">2 ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text636" + class="st17 st18" + x="838.64294" + y="261.41425">QH</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text638" + class="st17 st26" + x="851.60181" + y="263.41425">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text640" + class="st17 st18" + x="859.31573" + y="261.81076">2 ADP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text642" + class="st15 st16" + x="950.24341" + y="283.13986">UMP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text644" + class="st17 st18" + x="792.67413" + y="295.08524">Gln</text> +<text + style="font-size:10px;font-family:Calibri" + id="text646" + class="st17 st18" + x="800.29321" + y="261.82446">Glu</text> +<text + style="font-size:10px;font-family:Calibri" + id="text648" + class="st17 st18" + x="886.02863" + y="294.47684">HCO</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text650" + class="st17 st26" + x="904.12433" + y="296.47684">3</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text652" + class="st17 st26" + x="907.2132" + y="288.97684">-</text> +<text + style="font-size:10px;font-family:Calibri" + id="text654" + class="st17 st18" + x="835.15265" + y="294.92795">Q</text> +<text + style="font-size:10px;font-family:Calibri" + id="text656" + class="st17 st18" + x="875.8938" + y="294.94363">H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text658" + class="st17 st18" + x="906.9231" + y="262.21405">PPi</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text660" + class="st15 st16" + x="953.64874" + y="337.59396">UDP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text662" + class="st17 st18" + x="995.4729" + y="301.37915">ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text664" + class="st17 st18" + x="985.13312" + y="312.31955">ADP</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.5819" + d="m 937.8,332.81855 c -4.7,-0.3 -6.5,-11.7 -6.5,-11.7 m 21.4,11.5 -31.2,0.2" + class="st72" + inkscape:label="RRM2B_TXN_RRM1_RRM2_1" + inkscape:connector-curvature="0" + id="R_RRM2B_TXN_RRM1_RRM2_1" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text667" + class="st15 st16" + x="872.57452" + y="337.33325">dUDP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text669" + class="st17 st18" + x="920.89093" + y="314.44846">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text671" + class="st17 st26" + x="927.1214" + y="316.44846">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text673" + class="st17 st18" + x="930.21021" + y="314.44846">O</text> +<text + style="font-size:16.00037575px;font-family:Calibri-Bold" + id="text675" + class="st15 st16" + transform="matrix(0.99997657,-0.0068447,0.0068447,0.99997657,0,0)" + x="779.65546" + y="343.09702">dUMP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text677" + class="st17 st18" + transform="matrix(0.99990048,0.01410788,-0.01410788,0.99990048,0,0)" + x="852.72308" + y="304.24103">ADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text679" + class="st17 st18" + transform="matrix(0.9998951,-0.01448404,0.01448404,0.9998951,0,0)" + x="827.13593" + y="328.46188">ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text681" + class="st17 st18" + x="923.82745" + y="262.21405">CO</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text683" + class="st17 st26" + x="935.69275" + y="264.21405">2</text> +<text + style="font-size:16.0006218px;font-family:Calibri-Bold" + id="text685" + class="st15 st16" + transform="matrix(0.99976114,-0.02185571,0.02185571,0.99976114,0,0)" + x="673.61633" + y="353.25659">dTMP</text> +<text + style="font-size:10.00026512px;font-family:Calibri" + id="text687" + class="st17 st18" + transform="matrix(0.99997352,-0.00727731,0.00727731,0.99997352,0,0)" + x="748.1861" + y="319.31909">meTHF</text> +<text + style="font-size:10.00010777px;font-family:Calibri" + id="text689" + class="st17 st18" + transform="matrix(0.99998921,0.00464547,-0.00464547,0.99998921,0,0)" + x="731.41992" + y="310.3287">DHF</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text691" + class="st15 st16" + x="1025.2386" + y="337.24924">UTP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text693" + class="st15 st16" + x="1113.8793" + y="337.43964">CTP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text695" + class="st17 st18" + x="1079.4359" + y="317.43384">ADP+Pi</text> +<text + style="font-size:10px;font-family:Calibri" + id="text697" + class="st17 st18" + x="1039.0609" + y="317.67896">ATP+NH</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text699" + class="st17 st26" + x="1071.7709" + y="319.67896">3</text> +<text + style="font-size:10px;font-family:Calibri" + id="text701" + class="st17 st18" + x="1163.5892" + y="316.63016">ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text703" + class="st17 st18" + x="1144.7562" + y="317.36545">ADP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text705" + class="st15 st16" + x="1185.2777" + y="337.33524">CDP</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1157.5,324.71855 c -1.6,-6.1 -1.6,-6.1 -1.6,-6.1 l -1.3,6.2 1.4,-1.6 1.5,1.5 z m -7,5.6 c -7.4,1.9 -7.4,1.9 -7.4,1.9 l 7.2,2.4 -1.8,-2.2 2,-2.1 z" + class="st73" + inkscape:label="NME2_NME3_NME4_NME5_NME2P1_NME7_NME6_NME1_NME2_4" + inkscape:connector-curvature="0" + id="B_NME2_NME3_NME4_NME5_NME2P1_NME7_NME6_NME1_NME2_4" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 1174.1,335.71855 c 7.2,-2.5 7.2,-2.5 7.2,-2.5 l -7.4,-1.8 1.9,2.1 -1.7,2.2 z m -3.6,-10.9 c -1.1,-5.1 -1.1,-5.1 -1.1,-5.1 l -1.7,5 1.5,-1.2 1.3,1.3 z" + class="st22" + inkscape:label="NME2_NME3_NME4_NME5_NME2P1_NME7_NME6_NME1_NME2_4" + inkscape:connector-curvature="0" + id="F_NME2_NME3_NME4_NME5_NME2P1_NME7_NME6_NME1_NME2_4" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text709" + class="st15 st16" + x="1258.7123" + y="337.35764">CMP</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.43479991" + d="m 1198.8,339.01855 -0.1,22.4 m -0.1,-17.5 c -0.2,5.3 -9.5,7.3 -9.5,7.3" + class="st74" + inkscape:connector-curvature="0" + id="R_RRM2B_TXN_RRM1_RRM2_2" /><text + style="font-size:10px;font-family:Calibri" + id="text712" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="1168.255" + y="353.44818">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text714" + class="st17 st26" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="1174.4854" + y="355.44815">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text716" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="1177.5743" + y="353.44812">O</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text718" + class="st15 st16" + x="1175.5306" + y="382.04416">dCDP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text720" + class="st15 st16" + x="360.74741" + y="449.50314">3PPyr</text> +<text + style="font-size:10px;font-family:Calibri" + id="text722" + class="st17 st18" + x="410.62479" + y="426.49734">NADH</text> +<text + style="font-size:10px;font-family:Calibri" + id="text724" + class="st17 st18" + x="435.24878" + y="426.49734">+</text> +<text + style="font-size:10px;font-family:Calibri" + id="text726" + class="st17 st18" + x="440.22931" + y="426.49734">H</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.33130002" + d="m 446.2,443.81855 -34.2,0.2 m 20.4,0.1 c -4.3,-0.3 -6,-12.3 -6,-12.3 m 3.8,12.1 c 6.1,1.5 5.6,12.5 5.6,12.5" + class="st75" + inkscape:label="PHGDH_UBAC2 " + inkscape:connector-curvature="0" + id="R_PHGDH_UBAC2" /><text + style="font-size:10px;font-family:Calibri" + id="text729" + class="st17 st18" + x="427.62769" + y="465.14575">NAD</text> +<text + style="font-size:15.99982166px;font-family:Calibri-Bold" + id="text731" + class="st15 st16" + transform="matrix(0.99991115,-0.01332996,0.01332996,0.99991115,0,0)" + x="356.75916" + y="399.59976">3PSer</text> +<text + style="font-size:10px;font-family:Calibri" + id="text733" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="345.07333" + y="429.83682">Glu</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text735" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="333.53885" + y="420.90979">AKG</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.0948" + d="m 377,437.71855 -0.2,-34.2 m -15.7,11.7 c 9.7,-2.9 16,3.2 16,3.2 m -0.2,3.4 c -1.4,5.3 -16.7,5.1 -16.7,5.1" + class="st76" + inkscape:connector-curvature="0" + id="R_PSAT1" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 379.1,403.81855 c -2.3,-6.3 -2.3,-6.3 -2.3,-6.3 l -1.6,6.5 1.9,-1.7 2,1.5 z m -14,12.2 c -7,-1.3 -7,-1.3 -7,-1.3 l 6.9,-1.9 -1.7,1.7 1.8,1.5 z" + class="st73" + inkscape:connector-curvature="0" + id="F_PSAT1" /><path + style="fill:none;stroke:#000000;stroke-width:2.23519993" + d="m 379.2,351.31855 c -2.3,-6.3 -2.3,-6.3 -2.3,-6.3 l -1.6,6.5 1.9,-1.7 2,1.5 z" + class="st77" + inkscape:label="VPS29_PSPH_PSPHP1 forward" + inkscape:connector-curvature="0" + id="F_VPS29_PSPH_PSPHP1" /><text + style="font-size:15.99982166px;font-family:Calibri-Bold" + id="text740" + class="st15 st16" + transform="matrix(0.99991115,-0.01332996,0.01332996,0.99991115,0,0)" + x="359.90805" + y="346.62714">Ser</text> +<text + style="font-size:10px;font-family:Calibri" + id="text742" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="393.64661" + y="374.83282">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text744" + class="st17 st26" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="399.87701" + y="376.83292">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text746" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="402.96588" + y="374.83289">O</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text748" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="395.1853" + y="368.10416">Pi</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.0948" + d="m 377,367.81855 c 0.6,2.3 3,3.4 5.1,4.1 2.9,0.8 6,1.1 9,1.1 m 1.7,-11.8 c -5.4,-1.7 -11.7,-0.5 -16,3.2 m 0.3,19.3 c -0.1,-11.4 -0.1,-22.8 -0.2,-34.2" + class="st76" + inkscape:label="VPS29_PSPH_PSPHP1 " + inkscape:connector-curvature="0" + id="R_VPS29_PSPH_PSPHP1" /><text + style="font-size:15.99982166px;font-family:Calibri-Bold" + id="text751" + class="st15 st16" + transform="matrix(0.99991115,-0.01332996,0.01332996,0.99991115,0,0)" + x="360.82996" + y="259.71588">Gly</text> +<text + style="font-size:10px;font-family:Calibri" + id="text753" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="399.81461" + y="284.13171">THF</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 390.2,284.61855 c 7,-1.3 7,-1.3 7,-1.3 l -6.8,-1.9 1.7,1.7 -1.9,1.5 z m -15.6,36.9 c 2,7.3 2,7.3 2,7.3 l 2.3,-7.3 -2.2,1.8 -2.1,-1.8 z" + class="st73" + inkscape:connector-curvature="0" + id="B_SHMT1" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 425.5,435.31855 c -0.5,-7.1 -0.5,-7.1 -0.5,-7.1 l 3.5,6.2 -2,-1.2 -1,2.1 z m -11.7,11 c -6.3,-2.2 -6.3,-2.2 -6.3,-2.2 l 6.5,-1.7 -1.7,1.9 1.5,2 z" + class="st73" + inkscape:label="PHGDH_UBAC2 forward" + inkscape:connector-curvature="0" + id="F_PHGDH_UBAC2" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text757" + class="st15 st16" + x="422.2869" + y="341.40353">Pyr</text> +<text + style="font-size:10px;font-family:Calibri" + id="text759" + class="st17 st18" + x="396.70538" + y="319.50906">NH</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text761" + class="st17 st26" + x="409.3909" + y="321.50906">3</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.38170004" + d="m 398.5,338.71855 c 3.7,-0.3 5.1,-10.5 5.1,-10.5 m -16.8,10.6 26.2,-0.2" + class="st78" + inkscape:connector-curvature="0" + id="R_SDS_SDSL_SRR" /><text + style="font-size:15.99982166px;font-family:Calibri-Bold" + id="text764" + class="st15 st16" + transform="matrix(0.99991115,-0.01332996,0.01332996,0.99991115,0,0)" + x="141.05353" + y="304.02942">DHF</text> +<text + style="font-size:15.99982166px;font-family:Calibri-Bold" + id="text766" + class="st15 st16" + transform="matrix(0.99991115,-0.01332996,0.01332996,0.99991115,0,0)" + x="136.36797" + y="245.96878">Folate</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 158.1,279.71855 c 2,7.3 2,7.3 2,7.3 l 2.3,-7.3 -2.2,1.8 -2.1,-1.8 z m 14.1,-2.5 c 7,-1.3 7,-1.3 7,-1.3 l -6.9,-1.9 1.7,1.7 -1.8,1.5 z" + class="st73" + inkscape:label="DHFRL1_DHFR_2 forward" + inkscape:connector-curvature="0" + id="F_DHFRL1_DHFR_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.29760003" + d="m 159.9,281.31855 -0.2,-34.2 m 15.9,8.5 c -9.7,-2.9 -16,3.2 -16,3.2 m 0.3,11.4 c 1.4,5.3 17.3,5.1 17.3,5.1" + class="st79" + inkscape:label="DHFRL1_DHFR_2 " + inkscape:connector-curvature="0" + id="R_DHFRL1_DHFR_2" /><text + style="font-size:10px;font-family:Calibri" + id="text770" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="184.45857" + y="280.61414">NADP</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text772" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="179.325" + y="260.32965">NADPH</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text774" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="179.32498" + y="272.82965">+H</text> +<text + style="font-size:15.99982166px;font-family:Calibri-Bold" + id="text776" + class="st15 st16" + transform="matrix(0.99991115,-0.01332996,0.01332996,0.99991115,0,0)" + x="141.77278" + y="368.62994">THF</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 157.7,343.41855 c 2,7.3 2,7.3 2,7.3 l 2.3,-7.3 -2.2,1.8 -2.1,-1.8 z m 14.1,-2.5 c 7,-1.3 7,-1.3 7,-1.3 l -6.9,-1.9 1.7,1.7 -1.8,1.5 z" + class="st73" + inkscape:label="DHFRL1_DHFR_4 forward" + inkscape:connector-curvature="0" + id="F_DHFRL1_DHFR_4" /><path + style="fill:none;stroke:#000000;stroke-width:2.29760003" + d="m 159.5,345.01855 -0.2,-34.2 m 15.9,8.5 c -9.7,-2.9 -16,3.2 -16,3.2 m 0.2,11.4 c 1.4,5.3 17.3,5.1 17.3,5.1" + class="st79" + inkscape:label="DHFRL1_DHFR_4 " + inkscape:connector-curvature="0" + id="R_DHFRL1_DHFR_4" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 161.5,312.61855 c -2.3,-6.3 -2.3,-6.3 -2.3,-6.3 l -1.6,6.5 1.9,-1.7 2,1.5 z m 9.7,7.5 c 7,-1.3 7,-1.3 7,-1.3 l -6.9,-1.9 1.7,1.7 -1.8,1.5 z" + class="st73" + inkscape:label="DHFRL1_DHFR_4 " + inkscape:connector-curvature="0" + id="B_DHFRL1_DHFR_4" /><text + style="font-size:10px;font-family:Calibri" + id="text781" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="181.55092" + y="341.92856">NADP</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text783" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="177.77963" + y="322.29248">NADPH</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text785" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="177.77962" + y="334.79254">+H</text> +<text + style="font-size:15.99982166px;font-family:Calibri-Bold" + id="text787" + class="st15 st16" + transform="matrix(0.99991115,-0.01332996,0.01332996,0.99991115,0,0)" + x="122.12817" + y="433.13483">10-formyl</text> +<text + style="font-size:15.99982166px;font-family:Calibri-Bold" + id="text789" + class="st15 st16" + transform="matrix(0.99991115,-0.01332996,0.01332996,0.99991115,0,0)" + x="141.62041" + y="453.13483">THF</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 157.3,407.81855 c 2,7.3 2,7.3 2,7.3 l 2.3,-7.3 -2.2,1.8 -2.1,-1.8 z m 14.1,-2.5 c 7,-1.3 7,-1.3 7,-1.3 l -6.9,-1.9 1.7,1.7 -1.8,1.5 z" + class="st73" + inkscape:label="MTHFD1_AL445665_1_AQP7P4_LOC286297 foward" + inkscape:connector-curvature="0" + id="F_MTHFD1_AL445665_1_AQP7P4_LOC286297" /><path + style="fill:none;stroke:#000000;stroke-width:2.29760003" + d="m 159,409.41855 -0.2,-34.2 m 15.9,8.5 c -9.7,-2.9 -16,3.2 -16,3.2 m 0.3,11.4 c 1.4,5.3 17.3,5.1 17.3,5.1" + class="st79" + inkscape:label="MTHFD1_AL445665_1_AQP7P4_LOC286297 " + inkscape:connector-curvature="0" + id="R_MTHFD1_AL445665_1_AQP7P4_LOC286297" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 161.1,377.01855 c -2.3,-6.3 -2.3,-6.3 -2.3,-6.3 l -1.6,6.5 1.9,-1.7 2,1.5 z m 9.7,7.5 c 7,-1.3 7,-1.3 7,-1.3 l -6.9,-1.9 1.7,1.7 -1.8,1.5 z" + class="st73" + inkscape:label="MTHFD1_AL445665_1_AQP7P4_LOC286297 backward" + inkscape:connector-curvature="0" + id="B_MTHFD1_AL445665_1_AQP7P4_LOC286297" /><text + style="font-size:10px;font-family:Calibri" + id="text794" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="181.41222" + y="406.33478">ADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text796" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="198.51668" + y="406.33478">+</text> +<text + style="font-size:10px;font-family:Calibri" + id="text798" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="203.49713" + y="406.33481">Pi</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text800" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="176.62868" + y="387.771">for+ATP</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.29760003" + d="m 221.4,395.51855 c 1.4,5.3 17.3,5.1 17.3,5.1 m -1.6,-19.7 c -9.7,-2.9 -16,3.2 -16,3.2 m -14.9,44.3 14.4,0 0,-68 -39.6,0" + class="st79" + inkscape:label="MTHFD1_3 " + inkscape:connector-curvature="0" + id="R_MTHFD1_3" /><text + style="font-size:10px;font-family:Calibri" + id="text803" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="250.68755" + y="398.89441">NADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text805" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="274.24716" + y="398.89441">+</text> +<text + style="font-size:10px;font-family:Calibri" + id="text807" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="250.68761" + y="411.39444">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text809" + class="st17 st26" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="256.91809" + y="413.39441">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text811" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="260.00687" + y="411.39438">O</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text813" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="242.4368" + y="378.47998">NADPH+</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text815" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="242.43677" + y="390.98007">H+CO</text> +<text + style="font-size:6.09346962px;font-family:Calibri" + id="text817" + class="st17 st26" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="265.513" + y="392.98007">2</text> +<text + style="font-size:15.99982166px;font-family:Calibri-Bold" + id="text819" + class="st15 st16" + transform="matrix(0.99991115,-0.01332996,0.01332996,0.99991115,0,0)" + x="261.84116" + y="348.57727">mTHF</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09509993" + d="m 204.8,436.41855 79.8,0 0,-84 m 16,24.7 c -9.7,-2.9 -16,3.2 -16,3.2 m 0.3,11.4 c 1.4,5.3 17.3,5.1 17.3,5.1" + class="st80" + inkscape:connector-curvature="0" + id="R_MTHFD1_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 296,378.11855 c 7,-1.3 7,-1.3 7,-1.3 l -6.9,-1.9 1.7,1.7 -1.8,1.5 z m -9.3,-24.4 c -2.3,-6.3 -2.3,-6.3 -2.3,-6.3 l -1.6,6.5 1.9,-1.7 2,1.5 z" + class="st73" + inkscape:label="MTHFD1_1 forward" + inkscape:connector-curvature="0" + id="F_MTHFD1_1" /><text + style="font-size:10px;font-family:Calibri" + id="text823" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="309.67828" + y="399.18741">H</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 299.8,398.21855 c 7,-1.3 7,-1.3 7,-1.3 l -6.9,-1.9 1.7,1.7 -1.8,1.5 z m -93.6,36.5 c -6.3,2.3 -6.3,2.3 -6.3,2.3 l 6.5,1.7 -1.7,-1.9 1.5,-2.1 z" + class="st73" + inkscape:connector-curvature="0" + id="B_MTHFD1_1" /><text + style="font-size:15.99982166px;font-family:Calibri-Bold" + id="text826" + class="st15 st16" + transform="matrix(0.99991115,-0.01332996,0.01332996,0.99991115,0,0)" + x="254.19125" + y="282.20911">meTHF</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.29760003" + d="m 277.6,301.91855 c -1.6,-5.3 -17.5,-4.5 -17.5,-4.5 m 2.3,19.7 c 9.8,2.5 15.9,-3.8 15.9,-3.8 m 0.3,11.1 -0.2,-34.2" + class="st79" + inkscape:label="MTHFD2_1 " + inkscape:connector-curvature="0" + id="R_MTHFD2_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 280.6,292.01855 c -2.3,-6.3 -2.3,-6.3 -2.3,-6.3 l -1.6,6.5 1.9,-1.7 2,1.5 z m -15.6,3.3 c -7,1.6 -7,1.6 -7,1.6 l 6.9,1.6 -1.7,-1.6 1.8,-1.6 z" + class="st73" + inkscape:label="MTHFD2_1 forward" + inkscape:connector-curvature="0" + id="F_MTHFD2_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 266.3,316.11855 c -7,1.6 -7,1.6 -7,1.6 l 6.9,1.6 -1.7,-1.6 1.8,-1.6 z m 10.5,6.6 c 2,7.3 2,7.3 2,7.3 l 2.3,-7.3 -2.2,1.8 -2.1,-1.8 z" + class="st73" + inkscape:label="MTHFD2_1 backward" + inkscape:connector-curvature="0" + id="B_MTHFD2_1" /><rect + style="fill:none;stroke:#231f20;stroke-width:7;stroke-linejoin:round;stroke-miterlimit:2" + height="487.10001" + width="1218.2" + class="st81" + y="682.21857" + x="248.5" + id="rect3188" /><text + style="font-size:10px;font-family:Calibri" + id="text832" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="229.13246" + y="320.30942">NADPH</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text834" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="229.66826" + y="302.43216">NADP</text> +<text + style="font-size:16.0003109px;font-family:Calibri-Bold" + id="text836" + class="st15 st16" + transform="matrix(0.9999806,0.00622953,-0.00622953,0.9999806,0,0)" + x="748.04932" + y="1068.5068">DHF</text> +<text + style="font-size:15.99927998px;font-family:Calibri-Bold" + id="text838" + class="st15 st16" + transform="matrix(0.99984501,-0.01760548,0.01760548,0.99984501,0,0)" + x="629.1507" + y="1083.5598">Folate</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 730.9,1070.9186 c 7.4,-2 7.4,-2 7.4,-2 l -7.2,-2.3 1.8,2.2 -2,2.1 z m -2.4,-14.1 c -1.3,-7 -1.3,-7 -1.3,-7 l -1.9,6.9 1.7,-1.6 1.5,1.7 z" + class="st73" + inkscape:label="DHFRL1_DHFR_5 forward" + inkscape:connector-curvature="0" + id="F_DHFRL1_DHFR_5" /><path + style="fill:none;stroke:#000000;stroke-width:2.29760003" + d="m 732.5,1069.2186 -34.2,0 m 8.6,-15.9 c -2.9,9.6 3.1,16 3.1,16 m 11.4,-0.2 c 5.3,-1.4 5.2,-17.3 5.2,-17.3" + class="st79" + inkscape:label="DHFRL1_DHFR_5 " + inkscape:connector-curvature="0" + id="R_DHFRL1_DHFR_5" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 700.1,1066.9186 c -6.3,2.2 -6.3,2.2 -6.3,2.2 l 6.5,1.7 -1.7,-1.9 1.5,-2 z m 7.6,-9.7 c -1.3,-7 -1.3,-7 -1.3,-7 l -1.9,6.9 1.7,-1.6 1.5,1.7 z" + class="st73" + inkscape:label="DHFRL1_DHFR_5 backward" + inkscape:connector-curvature="0" + id="B_DHFRL1_DHFR_5" /><text + style="font-size:9.99962521px;font-family:Calibri" + id="text843" + class="st17 st18" + transform="matrix(0.9997375,0.02291141,-0.02291141,0.9997375,0,0)" + x="744.8653" + y="1031.0618">NADP</text> +<text + style="font-size:9.9998436px;font-family:Calibri" + id="text845" + class="st17 st18" + transform="matrix(0.99991568,-0.012986,0.012986,0.99991568,0,0)" + x="662.83777" + y="1056.4205">NADPH+H</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text847" + class="st15 st16" + transform="matrix(0.99999758,-0.00219903,0.00219903,0.99999758,0,0)" + x="825.8905" + y="1075.1088">THF</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 812.4,1070.3186 c 7.3,-2 7.3,-2 7.3,-2 l -7.2,-2.3 1.8,2.2 -1.9,2.1 z m -2.4,-14.1 c -1.3,-7 -1.3,-7 -1.3,-7 l -1.9,6.9 1.7,-1.6 1.5,1.7 z" + class="st73" + inkscape:label="DHFRL1_DHFR_6 forward" + inkscape:connector-curvature="0" + id="F_DHFRL1_DHFR_6" /><path + style="fill:none;stroke:#000000;stroke-width:2.29760003" + d="m 814,1068.5186 -34.2,0 m 8.6,-15.8 c -2.9,9.6 3.1,16 3.1,16 m 11.4,-0.2 c 5.3,-1.4 5.2,-17.3 5.2,-17.3" + class="st79" + inkscape:label="DHFRL1_DHFR_6 " + inkscape:connector-curvature="0" + id="R_DHFRL1_DHFR_6" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 781.6,1066.3186 c -6.3,2.2 -6.3,2.2 -6.3,2.2 l 6.5,1.7 -1.7,-1.9 1.5,-2 z m 7.5,-9.7 c -1.3,-7 -1.3,-7 -1.3,-7 l -1.9,6.9 1.7,-1.6 1.5,1.7 z" + class="st73" + inkscape:label="DHFRL1_DHFR_6 backward" + inkscape:connector-curvature="0" + id="B_DHFRL1_DHFR_6" /><text + style="font-size:10.00011921px;font-family:Calibri" + id="text852" + class="st17 st18" + transform="matrix(0.99998813,0.00487302,-0.00487302,0.99998813,0,0)" + x="809.07843" + y="1042.3011">NADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text854" + class="st17 st18" + transform="matrix(0.99999791,-0.00204595,0.00204595,0.99999791,0,0)" + x="756.18549" + y="1047.5868">NADPH+H</text> +<text + style="font-size:16.00077438px;font-family:Calibri-Bold" + id="text856" + class="st15 st16" + transform="matrix(0.99995156,0.00984282,-0.00984282,0.99995156,0,0)" + x="919.18933" + y="1061.8497">10-formylTHF</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 895.7,1056.5186 c -1.3,-7 -1.3,-7 -1.3,-7 l -1.9,6.9 1.7,-1.6 1.5,1.7 z m 2.4,14.1 c 7.3,-2 7.3,-2 7.3,-2 l -7.2,-2.3 1.8,2.2 -1.9,2.1 z" + class="st73" + inkscape:label="MTHFD1_AL445665_1_AQP7P4_LOC286297_2 forward" + inkscape:connector-curvature="0" + id="F_MTHFD1_AL445665_1_AQP7P4_LOC286297_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.29760003" + d="m 888.6,1068.8186 c 5.3,-1.4 5.2,-17.3 5.2,-17.3 m -19.7,1.5 c -2.9,9.6 3.1,16 3.1,16 m 22.5,-0.1 -34.2,0" + class="st79" + inkscape:label="MTHFD1_AL445665_1_AQP7P4_LOC286297_2" + inkscape:connector-curvature="0" + id="R_MTHFD1_AL445665_1_AQP7P4_LOC286297_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 875.1,1056.9186 c -1.3,-7 -1.3,-7 -1.3,-7 l -1.9,6.9 1.7,-1.6 1.5,1.7 z m -7.6,9.7 c -6.3,2.2 -6.3,2.2 -6.3,2.2 l 6.5,1.7 -1.7,-1.9 1.5,-2 z" + class="st73" + inkscape:label="MTHFD1_AL445665_1_AQP7P4_LOC286297_2 backward" + inkscape:connector-curvature="0" + id="B_MTHFD1_AL445665_1_AQP7P4_LOC286297_2" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text861" + class="st15 st16" + transform="matrix(0.9999915,0.00412203,-0.00412203,0.9999915,0,0)" + x="805.01166" + y="1025.8337">mTHF</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.3247" + d="m 900.4,1026.9186 c 5.3,-1.1 5.2,-13.8 5.2,-13.8 m -19.8,1.2 c -3,7.7 3.2,12.8 3.2,12.8 m 44.5,25.3 0.6,-25.4 -84.3,-0.1" + class="st82" + inkscape:connector-curvature="0" + id="R_MTHFD1_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 853.1,1024.7186 c -6.3,2.2 -6.3,2.2 -6.3,2.2 l 6.5,1.7 -1.7,-1.9 1.5,-2 z m 33.5,-9 c -1.3,-7 -1.3,-7 -1.3,-7 l -1.9,6.9 1.7,-1.6 1.5,1.7 z" + class="st73" + inkscape:connector-curvature="0" + id="F_MTHFD1_2" /><text + style="font-size:10px;font-family:Calibri" + id="text865" + class="st17 st18" + transform="matrix(0.99999985,5.3982362e-4,-5.3982362e-4,0.99999985,0,0)" + x="876.94342" + y="1005.7078">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text867" + class="st17 st26" + transform="matrix(0.99999985,5.3982362e-4,-5.3982362e-4,0.99999985,0,0)" + x="883.17377" + y="1007.7078">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text869" + class="st17 st18" + transform="matrix(0.99999985,5.3982362e-4,-5.3982362e-4,0.99999985,0,0)" + x="886.2627" + y="1005.7078">O</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 931.6,1049.1186 c 2.2,6.3 2.2,6.3 2.2,6.3 l 1.7,-6.5 -1.9,1.7 -2,-1.5 z m -24.1,-33.9 c -1.3,-7 -1.3,-7 -1.3,-7 l -1.9,6.9 1.7,-1.6 1.5,1.7 z" + class="st73" + inkscape:connector-curvature="0" + id="B_MTHFD1_2" /><text + style="font-size:16.00037193px;font-family:Calibri-Bold" + id="text872" + class="st15 st16" + transform="matrix(0.99997671,0.00682482,-0.00682482,0.99997671,0,0)" + x="707.71307" + y="1025.7979">meTHF</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.29760003" + d="m 791.2,1026.6186 -34.2,0 m 26.8,-15.4 c 2.6,9.7 -3.7,15.9 -3.7,15.9 m -11.3,-0.6 c -5.3,-1.6 -4.6,-17.4 -4.6,-17.4" + class="st79" + inkscape:connector-curvature="0" + id="R_MTHFD2_4" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 762.1,1013.9186 c 1.5,-7 1.5,-7 1.5,-7 l 1.7,6.9 -1.6,-1.7 -1.6,1.8 z m -3.3,10.5 c -6.3,2.2 -6.3,2.2 -6.3,2.2 l 6.5,1.7 -1.7,-1.9 1.5,-2 z" + class="st73" + inkscape:connector-curvature="0" + id="F_MTHFD2_4" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 789.6,1028.4186 c 7.3,-2 7.3,-2 7.3,-2 l -7.2,-2.3 1.8,2.2 -1.9,2.1 z m -6.7,-13.3 c 1.5,-7 1.5,-7 1.5,-7 l 1.7,6.9 -1.6,-1.7 -1.6,1.8 z" + class="st73" + inkscape:connector-curvature="0" + id="B_MTHFD2_4" /><text + style="font-size:10px;font-family:Calibri" + id="text877" + class="st17 st18" + transform="matrix(0.99989917,0.01420008,-0.01420008,0.99989917,0,0)" + x="790.88013" + y="994.28802">NADPH</text> +<text + style="font-size:10px;font-family:Calibri" + id="text879" + class="st17 st18" + transform="matrix(0.99990781,0.01357832,-0.01357832,0.99990781,0,0)" + x="760.42932" + y="995.04498">NADP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text881" + class="st15 st16" + x="315.19269" + y="786.4632">OAA</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text883" + class="st15 st16" + x="942.22101" + y="658.15649">Gln</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text885" + class="st15 st16" + x="1033.4213" + y="658.15649">Glu</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.56400001" + d="m 969.4,653.91855 53.9,0 m -19.5,0.5 c 4.6,-0.4 6.2,-11.9 6.2,-11.9 m -5.5,11.7 c -4.5,0.5 -6.6,11.7 -6.6,11.7" + class="st83" + inkscape:label="GLS2" + inkscape:connector-curvature="0" + id="R_GLS2" /><text + style="font-size:10px;font-family:Calibri" + id="text888" + class="st17 st18" + x="1000.8987" + y="636.82635">NH</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text890" + class="st17 st26" + x="1013.5844" + y="638.82635">3</text> +<text + style="font-size:10px;font-family:Calibri" + id="text892" + class="st17 st18" + x="983.43292" + y="674.4173">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text894" + class="st17 st26" + x="989.66345" + y="676.4173">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text896" + class="st17 st18" + x="992.7522" + y="674.4173">O</text> +<text + style="font-size:10px;font-family:Calibri" + id="text898" + class="st17 st18" + x="1035.5336" + y="601.31757">ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text900" + class="st17 st18" + x="1022.9135" + y="638.01587">ADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text902" + class="st17 st18" + x="989.93292" + y="602.9173">NH</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text904" + class="st17 st26" + x="1002.6184" + y="604.9173">3</text> +<text + style="font-size:10px;font-family:Calibri" + id="text906" + class="st17 st18" + x="980.08435" + y="638.513">Pi</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.11560011" + d="m 1050.4,645.51855 0,-29.9 -92.5,0 0,24 m 78.9,-24.4 c 5,-1.2 4.3,-13.1 4.3,-13.1 m -4.2,12.8 c -5.2,1 -5.3,9.2 -5.3,9.2 m -44,-8.8 c -3.7,0.9 -3.8,9 -3.8,9 m 11,-8.5 c 5,-1.1 4.3,-12 4.3,-12" + class="st84" + inkscape:label="#R_gln_synthetase" + inkscape:connector-curvature="0" + id="R_GS" /><path + style="fill:none;stroke:#000000;stroke-width:1.39260006" + d="m 956.3,660.51855 0,32.4 m 0.4,-9.9 c -2.6,2.5 9.5,6.9 9.5,6.9 m -10,-12.7 c 0.4,-4.4 -9.3,-7.5 -9.3,-7.5" + class="st85" + inkscape:label="TransportGln" + inkscape:connector-curvature="0" + id="R_TransportGln" /><path + style="fill:none;stroke:#000000;stroke-width:1.12300003" + d="m 1052,660.31855 0,32.2 m 0.1,-12.3 c 0.1,5.1 9.8,8.5 9.8,8.5 m -9.9,-9.3 c 0.2,-4.1 -8.4,-8.3 -8.4,-8.3" + class="st86" + inkscape:label="TransportGlu" + inkscape:connector-curvature="0" + id="R_TransportGlu" /><text + style="font-size:9.87795448px;font-family:Calibri" + id="text911" + class="st17 st87" + transform="scale(1.0123241,0.98782595)" + x="926.31677" + y="681.64825">H</text> +<text + style="font-size:9.87795448px;font-family:Calibri" + id="text913" + class="st17 st87" + transform="scale(1.0123241,0.98782595)" + x="962.82196" + y="702.19128">H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text915" + class="st17 st18" + x="1032.5765" + y="674.64575">H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text917" + class="st17 st18" + x="1070.2865" + y="694.58521">H</text> +<text + style="font-size:15.80470657px;font-family:Calibri-Bold" + id="text919" + class="st15 st88" + transform="scale(1.0123241,0.98782595)" + x="932.36621" + y="721.383">Gln</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text921" + class="st15 st16" + x="1040.6478" + y="712.59686">Glu</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09260011" + d="m 969.6,707.11855 63.5,0 m -30.7,0.2 c 5.9,-0.2 7.8,-7.5 7.8,-7.5 m -12.1,7.6 c -4.6,-0.4 -6.8,-9.9 -6.8,-9.9" + class="st89" + inkscape:connector-curvature="0" + id="R_GLS" /><text + style="font-size:10px;font-family:Calibri" + id="text924" + class="st17 st18" + x="1006.3949" + y="693.48657">NH</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text926" + class="st17 st26" + x="1019.0804" + y="695.48657">3</text> +<text + style="font-size:10px;font-family:Calibri" + id="text928" + class="st17 st18" + x="982.98663" + y="694.27856">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text930" + class="st17 st26" + x="989.2171" + y="696.27856">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text932" + class="st17 st18" + x="992.30591" + y="694.27856">O</text> +<text + style="font-size:16.00031662px;font-family:Calibri-Bold" + id="text934" + class="st15 st16" + transform="matrix(0.99998015,0.00630041,-0.00630041,0.99998015,0,0)" + x="1331.6912" + y="771.82178">NH</text> +<text + style="font-size:9.7501936px;font-family:Calibri-Bold" + id="text936" + class="st15 st40" + transform="matrix(0.99998015,0.00630041,-0.00630041,0.99998015,0,0)" + x="1352.3239" + y="775.02191">3</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.76709998" + d="m 1189,777.11855 0.5,-30.4 m 10.5,7.1 c -8.9,1.1 -11.1,9.1 -11.1,9.1 m 0.2,-0.1 c -0.5,5.2 10.5,8.6 10.5,8.6" + class="st90" + inkscape:connector-curvature="0" + id="R_OTC_LEFTY1" /><text + style="font-size:16.00031662px;font-family:Calibri-Bold" + id="text939" + class="st15 st16" + transform="matrix(0.99998015,0.00630041,-0.00630041,0.99998015,0,0)" + x="1180.2643" + y="782.81091">Orn</text> +<text + style="font-size:16.00031662px;font-family:Calibri-Bold" + id="text941" + class="st15 st16" + transform="matrix(0.99998015,0.00630041,-0.00630041,0.99998015,0,0)" + x="1187.484" + y="728.58057">Ci</text> +<text + style="font-size:16.00031662px;font-family:Calibri-Bold" + id="text943" + class="st15 st16" + transform="matrix(0.99998015,0.00630041,-0.00630041,0.99998015,0,0)" + x="1187.3484" + y="635.12445">Ci</text> +<text + style="font-size:16.00031662px;font-family:Calibri-Bold" + id="text945" + class="st15 st16" + transform="matrix(0.99998015,0.00630041,-0.00630041,0.99998015,0,0)" + x="1153.5397" + y="588.43402">ArgSuc</text> +<text + style="font-size:16.00031662px;font-family:Calibri-Bold" + id="text947" + class="st15 st16" + transform="matrix(0.99998015,0.00630041,-0.00630041,0.99998015,0,0)" + x="1223.7125" + y="571.21527">Arg</text> +<text + style="font-size:16.00031662px;font-family:Calibri-Bold" + id="text949" + class="st15 st16" + transform="matrix(0.99998015,0.00630041,-0.00630041,0.99998015,0,0)" + x="1230.6833" + y="630.91748">Orn</text> +<text + style="font-size:10px;font-family:Calibri" + id="text951" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="1132.3175" + y="625.07318">Asp</text> +<text + style="font-size:10px;font-family:Calibri" + id="text953" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="1147.2687" + y="625.07312">+</text> +<text + style="font-size:10px;font-family:Calibri" + id="text955" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="1152.249" + y="625.07312">ATP</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text957" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="1113.4318" + y="629.14063">AMP</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text959" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="1132.9337" + y="629.1405">+</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text961" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="1137.9142" + y="629.14056">PPi</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.0948" + d="m 1179.6,616.11855 c -2.6,-4.9 -15,-1.2 -15,-1.2 m 1.5,11.8 c 10.1,0.2 14.5,-7.4 14.5,-7.4 m -1.1,-15.4 c -3,15.1 4.9,26.9 4.9,26.9" + class="st76" + inkscape:label="ASS1 " + inkscape:connector-curvature="0" + id="R_ASS1" /><text + style="font-size:10.00030041px;font-family:Calibri" + id="text964" + class="st17 st18" + transform="matrix(0.99427012,-0.10689679,0.10689679,0.99427012,0,0)" + x="1114.6914" + y="680.83099">Fum</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.79009998" + d="m 1214.6,571.01855 c -16.6,-3.2 -28.6,8.8 -28.6,8.8 m 7.5,-5.6 c 5.9,-1.9 4.1,-12.3 4.1,-12.3" + class="st91" + inkscape:connector-curvature="0" + id="R_ASL_CRCP" /><path + style="fill:none;stroke:#000000;stroke-width:1.92120004" + d="m 1248.2,621.11855 c 4.6,-20.3 -6.2,-36.5 -6.2,-36.5 m 18.6,3.2 c -9,-1.2 -13.6,6 -13.6,6 m 0.3,3.6 c 2,3.5 14.6,1.8 14.6,1.8" + class="st92" + inkscape:connector-curvature="0" + id="R_ARG2_ARG1" /><text + style="font-size:9.99962234px;font-family:Calibri" + id="text968" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="1254.6495" + y="601.48828">H</text> +<text + style="font-size:6.09346962px;font-family:Calibri" + id="text970" + class="st17 st26" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="1260.88" + y="603.48834">2</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text972" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="1263.9689" + y="601.48822">O</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text974" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="1262.8811" + y="616.68073">Urea</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1186.7,576.11855 c -4.8,5.9 -4.8,5.9 -4.8,5.9 l 7.2,-2.4 -2.7,-0.7 0.3,-2.8 z" + class="st73" + inkscape:label="ASL_CRCP backward" + inkscape:connector-curvature="0" + id="B_ASL_CRCP" /><path + style="fill:none;stroke:#000000;stroke-width:1.3319" + d="m 1199,562.51855 c -1.6,-4.9 -1.6,-4.9 -1.6,-4.9 l -1,4.9 1.2,-1.2 1.4,1.2 z m 11.8,10.5 c 7.3,-2.2 7.3,-2.2 7.3,-2.2 l -7.3,-2.1 1.8,2.1 -1.8,2.2 z" + class="st93" + inkscape:label="ASL_CRCP forward" + inkscape:connector-curvature="0" + id="F_ASL_CRCP" /><path + style="fill:none;stroke:#000000;stroke-width:2.13980007" + d="m 1190.5,651.51855 0.1,71.7 m -0.3,-53.8 c 2.4,5.4 15.3,4 15.3,4 m -15.4,-12.9 c 2.4,5.4 15.3,4 15.3,4 m -14.9,35.9 c 1.9,-5.6 15,-5.4 15,-5.4 m -14.6,17.1 c 1.9,-5.6 15,-5.4 15,-5.4" + class="st94" + inkscape:label="SLC25A15_SLC25A2_1" + inkscape:connector-curvature="0" + id="R_SLC25A15_SLC25A2_1" /><text + style="font-size:14px;font-family:Calibri-Bold" + id="text979" + class="st15 st38" + transform="matrix(0.99980805,-0.01959226,0.01959226,0.99980805,0,0)" + x="1201.152" + y="721.48889">H</text> +<text + style="font-size:13.99942493px;font-family:Calibri-Bold" + id="text981" + class="st15 st38" + transform="matrix(0.99984109,-0.01782667,0.01782667,0.99984109,0,0)" + x="1201.3977" + y="733.09906">Orn</text> +<text + style="font-size:16.00031662px;font-family:Calibri-Bold" + id="text983" + class="st15 st16" + transform="matrix(0.99998015,0.00630041,-0.00630041,0.99998015,0,0)" + x="1287.2751" + y="577.22217">Putr</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.36409998" + d="m 1256.3,636.01855 41.1,0 0,-40.3 m 10.7,7.5 c -6.7,-1.2 -10.2,6.1 -10.2,6.1" + class="st95" + inkscape:connector-curvature="0" + id="R_OGDH_ODC1_OGDHL" /><text + style="font-size:9.99962234px;font-family:Calibri" + id="text986" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="1308.797" + y="620.35846">CO</text> +<text + style="font-size:6.09346962px;font-family:Calibri" + id="text988" + class="st17 st26" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="1320.6622" + y="622.35846">2</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text990" + class="st15 st16" + x="1340.1732" + y="712.76776">GluSA</text> +<text + style="font-size:10px;font-family:Calibri" + id="text992" + class="st17 st18" + x="1268.7523" + y="692.13495">AKG</text> +<text + style="font-size:10px;font-family:Calibri" + id="text994" + class="st17 st18" + x="1299.0814" + y="692.05975">Glu</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1306.2,700.71855 c -1.4,-7 -1.4,-7 -1.4,-7 l -1.7,6.9 1.6,-1.7 1.5,1.8 z m 21.3,8.8 c 6.3,-2.2 6.3,-2.2 6.3,-2.2 l -6.5,-1.7 1.7,1.9 -1.5,2 z" + class="st73" + inkscape:connector-curvature="0" + id="F_OAT" /><path + style="fill:none;stroke:#000000;stroke-width:2.21600008" + d="m 1239.8,707.61855 88.2,0.1 m -28.6,-0.2 c 5.4,-0.7 4.9,-7.6 4.9,-7.6 m -21.6,-4.9 c -1.9,7.9 4.4,12.5 4.4,12.5" + class="st96" + inkscape:connector-curvature="0" + id="R_OAT" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1359,688.51855 c 2.3,6.3 2.3,6.3 2.3,6.3 l 1.7,-6.5 -1.9,1.7 -2.1,-1.5 z" + class="st73" + inkscape:label="Transport_Lglu5semialdehyde backward" + inkscape:connector-curvature="0" + id="B_Transport_Lglu5semialdehyde" /><path + style="fill:none;stroke:#000000;stroke-width:2.34100008" + d="m 1361,668.81855 0.2,20" + class="st97" + inkscape:label="Transport_Lglu5semialdehyde " + inkscape:connector-curvature="0" + id="R_Transport_Lglu5semialdehyde" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1362.8,670.21855 c -0.7,-2.4 -1.3,-4.9 -2,-7.3 -0.8,2.4 -1.5,4.8 -2.3,7.3 0.7,-0.6 1.5,-1.2 2.2,-1.8 0.7,0.6 1.4,1.2 2.1,1.8 z" + class="st73" + inkscape:label="Transport_Lglu5semialdehyde forward" + inkscape:connector-curvature="0" + id="F_Transport_Lglu5semialdehyde" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1001" + class="st15 st16" + x="1336.557" + y="658.23456">GluSA</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1358.4,637.01855 c 2,6.4 2,6.4 2,6.4 l 1.9,-6.4 -1.9,1.6 -2,-1.6 z" + class="st73" + inkscape:label="ALDH4A1_2 backward" + inkscape:connector-curvature="0" + id="B_ALDH4A1_2" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1004" + class="st15 st16" + x="1352.6332" + y="608.19745">P5C</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.24119997" + d="m 1360.4,618.41855 0.1,20.4 m 0.1,-8.4 c -3,-6.6 -10.4,-6.2 -10.4,-6.2" + class="st98" + inkscape:connector-curvature="0" + id="R_ALDH4A1_2" /><text + style="font-size:9.99962234px;font-family:Calibri" + id="text1007" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="1319.298" + y="638.0332">H</text> +<text + style="font-size:6.09346962px;font-family:Calibri" + id="text1009" + class="st17 st26" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="1325.5284" + y="640.03333">2</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text1011" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="1328.6173" + y="638.03326">O</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1013" + class="st17 st18" + transform="matrix(0.99990761,-0.01359275,0.01359275,0.99990761,0,0)" + x="1371.2954" + y="643.84912">NADH+H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1015" + class="st17 st18" + transform="matrix(0.99939509,-0.03477735,0.03477735,0.99939509,0,0)" + x="1397.1116" + y="673.6972">NAD</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1017" + class="st15 st16" + x="1442.0248" + y="606.54315">Pro</text> +<text + style="font-size:10.00029469px;font-family:Calibri" + id="text1019" + class="st17 st18" + transform="matrix(0.99987054,0.01609049,-0.01609049,0.99987054,0,0)" + x="1389.0287" + y="630.53644">NADPH+H</text> +<text + style="font-size:9.99974251px;font-family:Calibri" + id="text1021" + class="st17 st18" + transform="matrix(0.99922571,-0.03934428,0.03934428,0.99922571,0,0)" + x="1378.6187" + y="707.83429">NADP</text> +<text + style="font-size:9.99983883px;font-family:Calibri" + id="text1023" + class="st17 st18" + transform="matrix(0.99971611,-0.02382647,0.02382647,0.99971611,0,0)" + x="1286.8578" + y="776.54065">NADH</text> +<text + style="font-size:9.99983883px;font-family:Calibri" + id="text1025" + class="st17 st18" + transform="matrix(0.99971611,-0.02382647,0.02382647,0.99971611,0,0)" + x="1311.4819" + y="776.54071">+</text> +<text + style="font-size:9.99983883px;font-family:Calibri" + id="text1027" + class="st17 st18" + transform="matrix(0.99971611,-0.02382647,0.02382647,0.99971611,0,0)" + x="1316.4624" + y="776.54065">H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1029" + class="st17 st18" + transform="matrix(0.99999215,0.00396135,-0.00396135,0.99999215,0,0)" + x="1303.4719" + y="727.08441">NAD+H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1031" + class="st17 st26" + transform="matrix(0.99999215,0.00396135,-0.00396135,0.99999215,0,0)" + x="1333.0753" + y="729.08441">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1033" + class="st17 st18" + transform="matrix(0.99999215,0.00396135,-0.00396135,0.99999215,0,0)" + x="1336.1642" + y="727.08441">O</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.78269994" + d="m 1360.8,720.31855 0.3,32.5 m -0.2,-19.6 c -1.4,-5 -10.8,-3.5 -10.8,-3.5 m 0.6,11.6 c 7.1,2 10.7,-4.9 10.7,-4.9" + class="st99" + inkscape:connector-curvature="0" + id="R_ALDH4A1_1" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1036" + class="st15 st16" + x="1350.3373" + y="771.66528">Glu</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1358.9,750.41855 c 2.3,6.3 2.3,6.3 2.3,6.3 l 1.7,-6.5 -1.9,1.7 -2.1,-1.5 z m -6.9,-10.7 c -7.1,0.9 -7.1,0.9 -7.1,0.9 l 6.8,2.3 -1.6,-1.8 1.9,-1.4 z" + class="st73" + inkscape:connector-curvature="0" + id="B_ALDH4A1_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1351,728.11855 c -6.9,1.7 -6.9,1.7 -6.9,1.7 l 7,1.5 -1.8,-1.6 1.7,-1.6 z m 11.8,-3.7 c -0.7,-2.4 -1.3,-4.9 -2,-7.3 -0.8,2.4 -1.5,4.8 -2.3,7.3 0.7,-0.6 1.5,-1.2 2.2,-1.8 0.7,0.5 1.4,1.2 2.1,1.8 z" + class="st73" + inkscape:connector-curvature="0" + id="F_ALDH4A1_1" /><text + style="font-size:10px;font-family:Calibri" + id="text1040" + class="st17 st18" + transform="matrix(0.99999215,0.00396135,-0.00396135,0.99999215,0,0)" + x="888.26978" + y="706.72406">NAD</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1042" + class="st17 st18" + transform="matrix(0.99999215,0.00396135,-0.00396135,0.99999215,0,0)" + x="906.66333" + y="706.72406">+</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1044" + class="st17 st18" + transform="matrix(0.99999215,0.00396135,-0.00396135,0.99999215,0,0)" + x="888.2688" + y="719.22406">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1046" + class="st17 st26" + transform="matrix(0.99999215,0.00396135,-0.00396135,0.99999215,0,0)" + x="894.50018" + y="721.22406">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1048" + class="st17 st18" + transform="matrix(0.99999215,0.00396135,-0.00396135,0.99999215,0,0)" + x="897.58905" + y="719.224">O</text> +<text + style="font-size:9.99983883px;font-family:Calibri" + id="text1050" + class="st17 st18" + transform="matrix(0.99971611,-0.02382647,0.02382647,0.99971611,0,0)" + x="824.83246" + y="730.75824">NADH+</text> +<text + style="font-size:9.99983883px;font-family:Calibri" + id="text1052" + class="st17 st18" + transform="matrix(0.99971611,-0.02382647,0.02382647,0.99971611,0,0)" + x="824.83344" + y="743.2583">H+NH</text> +<text + style="font-size:6.0936017px;font-family:Calibri" + id="text1054" + class="st17 st26" + transform="matrix(0.99971611,-0.02382647,0.02382647,0.99971611,0,0)" + x="848.72894" + y="745.25824">3</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 935,761.21855 c 1.7,6.9 1.7,6.9 1.7,6.9 l 1.5,-7 -1.6,1.7 -1.6,-1.6 z m -171.9,-16.2 c -7.2,2.4 -7.2,2.4 -7.2,2.4 l 7.4,1.9 -1.9,-2.1 1.7,-2.2 z" + class="st73" + inkscape:connector-curvature="0" + id="B_GLUD1_GLUD2_2" /><path + style="fill:none;stroke:#000000;stroke-width:1.86580002" + d="m 941.8,747.41855 c -6.2,1.5 -5.1,14.4 -5.1,14.4 m 21.3,0.1 c 2.7,-9 -4.9,-14.5 -4.9,-14.5 m 103.9,-26.4 c 0,26.3 0,26.3 0,26.3 l -295.7,0" + class="st100" + inkscape:connector-curvature="0" + id="R_GLUD1_GLUD2_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1059,725.01855 c -2.3,-7.3 -2.3,-7.3 -2.3,-7.3 l -2.1,7.3 2.1,-1.9 2.3,1.9 z m -102.6,36.5 c 1.7,6.9 1.7,6.9 1.7,6.9 l 1.5,-7 -1.6,1.7 -1.6,-1.6 z" + class="st73" + inkscape:connector-curvature="0" + id="F_GLUD1_GLUD2_2" /><text + style="font-size:10px;font-family:Calibri" + id="text1059" + class="st17 st18" + transform="matrix(0.99999215,0.00396135,-0.00396135,0.99999215,0,0)" + x="956.75903" + y="773.34814">NADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1061" + class="st17 st18" + transform="matrix(0.99999215,0.00396135,-0.00396135,0.99999215,0,0)" + x="980.31866" + y="773.34814">+</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1063" + class="st17 st18" + transform="matrix(0.99999215,0.00396135,-0.00396135,0.99999215,0,0)" + x="956.75903" + y="785.84802">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1065" + class="st17 st26" + transform="matrix(0.99999215,0.00396135,-0.00396135,0.99999215,0,0)" + x="962.9895" + y="787.84808">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1067" + class="st17 st18" + transform="matrix(0.99999215,0.00396135,-0.00396135,0.99999215,0,0)" + x="966.07831" + y="785.84814">O</text> +<text + style="font-size:9.99983883px;font-family:Calibri" + id="text1069" + class="st17 st18" + transform="matrix(0.99971611,-0.02382646,0.02382646,0.99971611,0,0)" + x="892.81866" + y="799.80231">NADPH+</text> +<text + style="font-size:9.99983883px;font-family:Calibri" + id="text1071" + class="st17 st18" + transform="matrix(0.99971611,-0.02382646,0.02382646,0.99971611,0,0)" + x="892.81866" + y="812.30237">H+NH</text> +<text + style="font-size:6.0936017px;font-family:Calibri" + id="text1073" + class="st17 st26" + transform="matrix(0.99971611,-0.02382646,0.02382646,0.99971611,0,0)" + x="916.71509" + y="814.30231">3</text> +<text + style="font-size:15.99982166px;font-family:Calibri-Bold" + id="text1075" + class="st15 st16" + transform="matrix(0.99991115,-0.01332996,0.01332996,0.99991115,0,0)" + x="610.36102" + y="1009.088">Ser</text> +<text + style="font-size:15.99982166px;font-family:Calibri-Bold" + id="text1077" + class="st15 st16" + transform="matrix(0.99991115,-0.01332996,0.01332996,0.99991115,0,0)" + x="714.42944" + y="1011.3351">Gly</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1079" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="652.00781" + y="1022.0663">THF</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 660.6,1009.4186 c 1.3,7 1.3,7 1.3,7 l 1.9,-6.9 -1.7,1.7 -1.5,-1.8 z m -2.4,-14.10005 c -7.3,2 -7.3,2 -7.3,2 l 7.3,2.3 -1.8,-2.2 1.8,-2.1 z" + class="st73" + inkscape:label="SHMT1_2 backward" + inkscape:connector-curvature="0" + id="B_SHMT1_2" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1082" + class="st15 st16" + x="316.81769" + y="625.53351">Asp</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1084" + class="st15 st16" + x="317.24249" + y="728.39868">Asp</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1086" + class="st15 st16" + x="301.33231" + y="669.98846">H</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1088" + class="st15 st16" + x="289.33328" + y="654.96118">Glu</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1090" + class="st15 st16" + x="359.73318" + y="710.5979">H</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1092" + class="st15 st16" + x="356.95441" + y="697.87531">Glu</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.82299995" + d="m 330.6,717.91855 0.2,-81.5 m 0,65.8 c 1.9,5.9 17.6,4.4 17.6,4.4 m -34.6,-41.3 c 5,-3.9 17.8,4.8 17.8,4.8 m -17.9,-17.1 c 4.7,-4.2 18.1,3.8 18.1,3.8 m -1,32.6 c 1.9,5.9 17.6,4.4 17.6,4.4" + class="st45" + inkscape:label="SLC25A13_SLC25A12" + inkscape:connector-curvature="0" + id="R_SLC25A13_SLC25A12" /><path + style="fill:none;stroke:#000000;stroke-width:2.82299995" + d="m 345.2,696.41855 c 7.3,-2.2 7.3,-2.2 7.3,-2.2 l -7.3,-2.1 1.8,2.1 -1.8,2.2 z m -12.3,-57.1 c -2.3,-7.2 -2.3,-7.2 -2.3,-7.2 l -2,7.3 2.1,-1.9 2.2,1.8 z m 13.2,69.9 c 7.3,-2.2 7.3,-2.2 7.3,-2.2 l -7.3,-2.1 1.8,2.1 -1.8,2.2 z" + class="st45" + inkscape:label="#SLC25A13_SLC25A12" + inkscape:connector-curvature="0" + id="F_SLC25A13_SLC25A12" /><path + style="fill:none;stroke:#000000;stroke-width:2.49320006" + d="m 1491.4,754.31855 -49,-0.2" + class="st101" + inkscape:label="Transport_serine " + inkscape:connector-curvature="0" + id="R_Transport_serine" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 1443.1,752.01855 c -7.2,2.4 -7.2,2.4 -7.2,2.4 l 7.4,1.9 -1.9,-2.1 1.7,-2.2 z" + class="st22" + inkscape:label="Transport_serine f" + inkscape:connector-curvature="0" + id="F_Transport_serine" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1098" + class="st15 st16" + x="1409.9398" + y="758.43781">Ser</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1100" + class="st15 st16" + x="1501.6996" + y="758.50806">Ser</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.48900008" + d="m 1490.5,773.81855 -48.1,-0.2" + class="st102" + inkscape:label="Transport_glycine " + inkscape:connector-curvature="0" + id="R_Transport_glycine" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 1443.1,771.51855 c -7.2,2.4 -7.2,2.4 -7.2,2.4 l 7.4,1.9 -1.9,-2.1 1.7,-2.2 z" + class="st22" + inkscape:label="Transport_glycine backward" + inkscape:connector-curvature="0" + id="B_Transport_glycine" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 1489.9,775.81855 c 7.2,-2.3 7.2,-2.3 7.2,-2.3 l -7.3,-2 1.9,2.1 -1.8,2.2 z" + class="st22" + inkscape:transform-center-y="-3.0492074" + inkscape:transform-center-x="0.87100132" + inkscape:label="Transport_glycine forward" + inkscape:connector-curvature="0" + id="F_Transport_glycine" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1105" + class="st15 st16" + x="1408.141" + y="776.79517">Gly</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1107" + class="st15 st16" + x="1502.0004" + y="777.33026">Gly</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.51880002" + d="m 1497,792.51855 -55.2,-0.2" + class="st103" + inkscape:label="TransportFolate" + inkscape:connector-curvature="0" + id="R_TransportFolate" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 1442.5,790.21855 c -7.2,2.4 -7.2,2.4 -7.2,2.4 l 7.4,1.9 -1.9,-2.1 1.7,-2.2 z" + class="st22" + inkscape:label="TransportFolate f" + inkscape:connector-curvature="0" + id="F_TransportFolate" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1111" + class="st15 st16" + x="1386.1674" + y="797.35956">Folate</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1113" + class="st15 st16" + x="1501.8568" + y="795.38885">Folate</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.49620008" + d="m 1491.2,812.71855 -49.7,-0.2" + class="st104" + inkscape:label="SLC16A3_SLC16A1_SLC16A5_2 " + inkscape:connector-curvature="0" + id="R_SLC16A3_SLC16A1_SLC16A5_2" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1116" + class="st15 st16" + x="1375.0873" + y="814.86646">Formate</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1118" + class="st15 st16" + x="1501.4066" + y="815.80499">Formate</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1120" + class="st17 st18" + x="485.40158" + y="115.15945">ATP</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.0948" + d="m 467.4,101.01855 c 0,31.2 0,31.2 0,31.2 m 11.4,-18.7 c -7,-2.9 -11.5,3.3 -11.5,3.3 m 0.2,3.4 c 0.8,5.5 10.2,5.3 10.2,5.3" + class="st76" + inkscape:label="GCK_HKDC1_HK1_ADPGK_HK2_HK3 " + inkscape:connector-curvature="0" + id="R_GCK_HKDC1_HK1_ADPGK_HK2_HK3" /><path + style="fill:none;stroke:#000000;stroke-width:1.67910004" + d="m 467.6,565.81855 0,27.6 0,-27.6 z m 0,12.8 c 0.9,5 10.8,4.8 10.8,4.8 m 0.5,-11 c -6.9,-2.7 -11.3,3 -11.3,3" + class="st105" + inkscape:connector-curvature="0" + id="R_PKM_TMEM54_PKLR_HCN3" /><path + style="fill:none;stroke:#000000;stroke-width:2.0948" + d="m 467.4,210.91855 0,31.1 0,-31.1 z m 0.3,14.8 c 0.9,5.5 11.1,5.3 11.1,5.3 m 3.7,-11.9 c -8.8,-2.9 -14.6,3.3 -14.6,3.3" + class="st76" + inkscape:connector-curvature="0" + id="R_PFKP_PFKL_PFKM_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.0948" + d="m 463.2,324.21855 0,37.2 0,-37.2 z m -0.3,18.2 c 1,5.5 11.8,5.2 11.8,5.2 m 2.5,-13 c -8.1,-2.9 -13.4,3.3 -13.4,3.3" + class="st76" + inkscape:connector-curvature="0" + id="R_GAPDHS_GAPDH_GAPDHP29" /><path + style="fill:none;stroke:#000000;stroke-width:2.0948" + d="m 467.3,389.21855 0,37.2 0,-37.2 z m 0.4,15.4 c 0.8,5.6 9.7,5.3 9.7,5.3 m 2.5,-11.9 c -7.3,-3 -12,3.4 -12,3.4" + class="st76" + inkscape:connector-curvature="0" + id="R_CRISP3_PGK1_MIA3_PGK2" /><path + style="fill:none;stroke:#000000;stroke-width:1.81210005" + d="m 467,524.81855 c 1.1,4.4 13,4.2 13,4.2 m -13.1,-13 c 0,24.3 0,24.3 0,24.3" + class="st106" + inkscape:label="R_ENO1_ENO3_ENO2 " + inkscape:connector-curvature="0" + id="R_ENO1_ENO3_ENO2" /><path + style="fill:none;stroke:#000000;stroke-width:1.58019996" + d="m 479.9,153.01855 45.9,0 -45.9,0 z m 33,8.4 c 2.6,-5.3 -3.5,-8.6 -3.5,-8.6 m -16.6,0.1 c -4.9,1.2 -4.4,12.7 -4.4,12.7" + class="st107" + inkscape:connector-curvature="0" + id="R_G6PD" /><path + style="fill:none;stroke:#000000;stroke-width:1.53460002" + d="m 565.3,154.11855 c 7.9,0 15.7,0 23.6,0 m -8.7,0.1 c -1.9,0.2 -3.2,1.9 -3.9,3.4 -1.3,2.6 -1.9,5.6 -2.3,8.5" + class="st108" + inkscape:connector-curvature="0" + id="R_H6PD_PGLS" /><path + style="fill:none;stroke:#000000;stroke-width:1.82930005" + d="m 638.3,154.51855 46.1,0 -46.1,0 z m 36.6,9.4 c 2.4,-5.6 -3.7,-9.1 -3.7,-9.1 m -23.3,-0.2 c -5,1.1 -4.3,12 -4.3,12" + class="st109" + inkscape:connector-curvature="0" + id="R_PGD" /><path + style="fill:none;stroke:#000000;stroke-width:1.61259997" + d="m 968,293.11855 -0.2,25.4 m 12.8,-19.5 c -8.2,-1.5 -12.6,4.8 -12.6,4.8 m 0,2.6 c 1.7,4.8 13.1,3 13.1,3" + class="st110" + inkscape:label="CMPK2_CMPK1_1" + inkscape:connector-curvature="0" + id="R_CMPK2_CMPK1_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.54340005" + d="m 759.4,333.41855 c 2.5,-0.6 3.4,-3.4 4,-5.6 0.5,-2.3 0.7,-4.7 0.7,-7 m -24.6,-0.6 c -1.6,4.5 -0.3,9.8 3.1,13.1 m -13.7,0 c 14.6,-0.1 29.2,-0.2 43.8,-0.3" + class="st111" + inkscape:connector-curvature="0" + id="R_TYMS" /><path + style="fill:none;stroke:#000000;stroke-width:1.75189996" + d="m 1088.6,332.81855 c 5.1,-1 3.8,-8.7 3.8,-8.7 m -24.6,-2.4 c -1.7,7.1 3.5,11.2 3.5,11.2 m -16.1,0 49.8,0.2" + class="st112" + inkscape:connector-curvature="0" + id="R_CTPS2_GATM_CTPS1" /><path + style="fill:none;stroke:#000000;stroke-width:1.82930005" + d="m 1146.5,332.61855 28.3,0.4 m -18.4,-9.2 c -2.2,5.6 3.9,8.9 3.9,8.9 m 4.8,0 c 5,-0.9 4,-8.9 4,-8.9" + class="st109" + inkscape:label="NME2_NME3_NME4_NME5_NME2P1_NME7_NME6_NME1_NME2_4" + inkscape:connector-curvature="0" + id="R_NME2_NME3_NME4_NME5_NME2P1_NME7_NME6_NME1_NME2_4" /><text + style="font-size:14px;font-family:Calibri-Bold" + id="text1135" + class="st15 st38" + transform="matrix(0.99980805,-0.01959226,0.01959226,0.99980805,0,0)" + x="1196.0963" + y="700.7312">H</text> +<text + style="font-size:13.99942493px;font-family:Calibri-Bold" + id="text1137" + class="st15 st38" + transform="matrix(0.99984109,-0.01782667,0.01782667,0.99984109,0,0)" + x="1194.2786" + y="688.07074">Orn</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.52830005" + d="m 1425.4,612.11855 c 1,-2.3 0.5,-5 -1.1,-6.9 -0.6,-0.7 -1.2,-1.3 -1.9,-1.8 m -20,0.2 c -2.5,0.5 -3.6,3.7 -4.1,6.4 -0.3,2 -0.5,4.1 -0.4,6.1 m 34.9,-12.9 c -16.4,0.1 -32.8,0.1 -49.1,0.2" + class="st113" + inkscape:connector-curvature="0" + id="R_PYCRL_PYCR2_PYCR1_LEFTY1_1" /><path + style="fill:none;stroke:#000000;stroke-width:1.80159998" + d="m 1428.9,640.21855 c 0.3,-6.1 -4.8,-8.7 -4.8,-8.7 m -22.3,0.4 c -3.9,-1.2 -5.4,12.6 -5.4,12.6 m -21.7,-31.8 0,19 75.8,0.1 0,-19" + class="st114" + inkscape:connector-curvature="0" + id="R_PYCRL_PYCR2_PYCR1_LEFTY1_2" /><path + style="fill:none;stroke:#000000;stroke-width:3.13759995" + d="m 1050.3,713.41855 c 0,26.9 0,26.9 0,26.9 l -293.5,0 m 98.1,-9.5 c -1.8,5.9 2.3,9.7 2.3,9.7 m 33.9,-0.2 c 3.4,-1.3 3.1,-14.8 3.1,-14.8" + class="st115" + inkscape:connector-curvature="0" + id="R_GLUD1_GLUD2_1" /><text + style="font-size:10px;font-family:Calibri" + id="text1142" + class="st17 st18" + transform="matrix(0.99999985,5.3982362e-4,-5.3982362e-4,0.99999985,0,0)" + x="904.09766" + y="1005.4383">H</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1144" + class="st15 st16" + x="1486.4927" + y="394.78244">PPi</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1146" + class="st17 st18" + x="1531.7222" + y="374.82935">Pi</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1148" + class="st15 st16" + x="1554.2847" + y="394.81766">Pi</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1150" + class="st17 st18" + x="1510.5044" + y="374.69266">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1152" + class="st17 st26" + x="1516.7349" + y="376.69266">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1154" + class="st17 st18" + x="1519.8237" + y="374.69266">O</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1156" + class="st15 st16" + x="1484.4966" + y="349.50125">CO</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text1158" + class="st15 st40" + x="1503.6685" + y="352.70145">2</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1160" + class="st15 st16" + x="1556.1343" + y="349.02563">HCO</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text1162" + class="st15 st40" + x="1585.3999" + y="352.22586">3</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text1164" + class="st15 st40" + x="1590.3413" + y="340.22586">-</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.80649996" + d="m 1525.5,346.01855 c -5.4,-1.7 -4.9,-14 -4.9,-14 m 10.8,14.3 c 5.5,-1.1 4.1,-10.6 4.1,-10.6 m 9,10.6 -33.9,-0.3" + class="st116" + inkscape:label="CA12_CA2_CA9_CA14_CA1_CA3_CA4_CA7_CA13" + inkscape:connector-curvature="0" + id="R_CA12_CA2_CA9_CA14_CA1_CA3_CA4_CA7_CA13" /><text + style="font-size:10px;font-family:Calibri" + id="text1167" + class="st17 st18" + x="1532.2759" + y="326.92114">H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1169" + class="st17 st18" + x="1511.0825" + y="328.17014">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1171" + class="st17 st26" + x="1517.313" + y="330.17014">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1173" + class="st17 st18" + x="1520.4019" + y="328.17014">O</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1424.9,550.31855 c 7.2,-2.5 7.2,-2.5 7.2,-2.5 l -7.4,-1.8 1.9,2.1 -1.7,2.2 z m -9.1,-14.8 c -1.4,-7 -1.4,-7 -1.4,-7 l -1.8,6.9 1.6,-1.7 1.6,1.8 z" + class="st73" + inkscape:label="AGAT forward" + inkscape:connector-curvature="0" + id="F_AGAT" /><path + style="fill:none;stroke:#000000;stroke-width:2.16529989" + d="m 1402.1,532.41855 c -2.7,9.7 3.5,15.9 3.5,15.9 m 3.4,-0.2 c 5.4,-1.2 4.9,-14.2 4.9,-14.2 m -25.2,14.2 39.4,0.1" + class="st117" + inkscape:connector-curvature="0" + id="R_AGAT" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1391.4,546.31855 c -7.2,2.4 -7.2,2.4 -7.2,2.4 l 7.4,1.9 -1.9,-2.1 1.7,-2.2 z m 11.6,-10 c -1.4,-7 -1.4,-7 -1.4,-7 l -1.8,6.9 1.6,-1.7 1.6,1.8 z" + class="st73" + inkscape:label="AGAT backward" + inkscape:connector-curvature="0" + id="B_AGAT" /><text + style="font-size:16.00031662px;font-family:Calibri-Bold" + id="text1178" + class="st15 st16" + transform="matrix(0.99998015,0.00630041,-0.00630041,0.99998015,0,0)" + x="1439.4275" + y="543.42334">Orn</text> +<text + style="font-size:16.00031662px;font-family:Calibri-Bold" + id="text1180" + class="st15 st16" + transform="matrix(0.99998015,0.00630041,-0.00630041,0.99998015,0,0)" + x="1360.4196" + y="542.20752">Arg</text> +<text + style="font-size:10.00020409px;font-family:Calibri" + id="text1182" + class="st17 st18" + transform="matrix(0.99997957,0.00639185,-0.00639185,0.99997957,0,0)" + x="1391.7148" + y="578.39606">H</text> +<text + style="font-size:6.09382439px;font-family:Calibri" + id="text1184" + class="st17 st26" + transform="matrix(0.99997957,0.00639185,-0.00639185,0.99997957,0,0)" + x="1397.9453" + y="580.39606">2</text> +<text + style="font-size:10.00020409px;font-family:Calibri" + id="text1186" + class="st17 st18" + transform="matrix(0.99997957,0.00639185,-0.00639185,0.99997957,0,0)" + x="1401.0333" + y="578.396">O</text> +<text + style="font-size:10.000103px;font-family:Calibri" + id="text1188" + class="st17 st18" + transform="matrix(0.99968968,0.0249107,-0.0249107,0.99968968,0,0)" + x="1421.3773" + y="552.20471">NH</text> +<text + style="font-size:6.09376287px;font-family:Calibri" + id="text1190" + class="st17 st26" + transform="matrix(0.99968968,0.0249107,-0.0249107,0.99968968,0,0)" + x="1434.0627" + y="554.20477">3</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.58570004" + d="m 1372.7,556.21855 0,8 59.7,0 m -27.9,0.1 c -5.2,1.1 -4.6,11.9 -4.6,11.9 m 11.8,-2.8 c 1.3,-5.8 -4.6,-9 -4.6,-9" + class="st118" + inkscape:connector-curvature="0" + id="R_arginineAmidinohydrolase" /><text + style="font-size:16.00031662px;font-family:Calibri-Bold" + id="text1193" + class="st15 st16" + transform="matrix(0.99998015,0.00630041,-0.00630041,0.99998015,0,0)" + x="1443.032" + y="560.49847">Ci</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1195" + class="st15 st16" + x="141.67799" + y="620.84399">Asn</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1197" + class="st17 st18" + x="169.63359" + y="597.4563">Glu</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1199" + class="st17 st18" + x="183.491" + y="597.4563">+</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1201" + class="st17 st18" + x="188.4715" + y="597.4563">AMP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1203" + class="st17 st18" + x="207.97339" + y="597.4563">+</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1205" + class="st17 st18" + x="212.95389" + y="597.4563">PPi</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1207" + class="st17 st18" + x="235.44168" + y="597.802">Gln+ATP+H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1209" + class="st17 st26" + x="280.53448" + y="599.802">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1211" + class="st17 st18" + x="283.6228" + y="597.802">O</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.13490009" + d="m 177.6,614.01855 c 45.3,0 90.7,0.1 136,0.1 m -53.3,-0.7 c 4.3,-2.2 4.3,-7.9 4.6,-12.1 l 0,-0.6 0,-0.5 m -62.9,4.2 c -1.9,3.5 0.5,7.2 3.5,9.1" + class="st119" + inkscape:connector-curvature="0" + id="R_ASNS" /><text + style="font-size:10px;font-family:Calibri" + id="text1214" + class="st17 st18" + x="178.00999" + y="646.13007">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1216" + class="st17 st26" + x="184.24049" + y="648.13007">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1218" + class="st17 st18" + x="187.32939" + y="646.13007">O</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1220" + class="st17 st18" + x="215.13109" + y="645.87531">NH</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1222" + class="st17 st26" + x="227.8167" + y="647.87531">3</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1224" + class="st15 st16" + x="312.49149" + y="443.98465">Fum</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1226" + class="st15 st16" + x="311.30301" + y="503.79126">Mal</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1228" + class="st17 st18" + x="289.62579" + y="470.02274">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1230" + class="st17 st26" + x="295.8562" + y="472.02274">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1232" + class="st17 st18" + x="298.94458" + y="470.02274">O</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1234" + class="st15 st16" + x="310.03931" + y="565.5257">OAA</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1236" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="364.86237" + y="538.48999">GTP</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text1238" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="378.13837" + y="544.30634">GDP+CO</text> +<text + style="font-size:6.09346962px;font-family:Calibri" + id="text1240" + class="st17 st26" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="412.61111" + y="546.30634">2</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.3204" + d="m 397.8,557.61855 c 6.3,-1 6,-11.8 6,-11.8 m -31.2,-3.5 c -2.3,9.4 2.6,15.5 2.6,15.5 m 62.1,-0.2 -98.3,0.2" + class="st120" + inkscape:connector-curvature="0" + id="R_PEPCK" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1243" + class="st15 st16" + x="562.0647" + y="582.62531">Iso</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1245" + class="st17 st18" + x="583.12042" + y="558.49048">NADPH</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1247" + class="st15 st16" + x="666.13904" + y="582.9212">AKG</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1249" + class="st17 st18" + x="584.34894" + y="600.24438">NADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1251" + class="st17 st18" + x="634.66632" + y="558.13007">CO</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1253" + class="st17 st26" + x="646.53149" + y="560.13007">2</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1255" + class="st15 st16" + x="254.8035" + y="672.10089">Fum</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1257" + class="st17 st18" + x="235.65359" + y="644.21405">NH</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1259" + class="st17 st26" + x="248.33908" + y="646.21405">3</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1261" + class="st15 st16" + x="354.87671" + y="645.8938">Ala</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 430.6,634.41855 c -1.4,-7 -1.4,-7 -1.4,-7 l -1.7,6.9 1.6,-1.7 1.5,1.8 z m 25.2,-8.7 c -2.2,-6.3 -2.2,-6.3 -2.2,-6.3 l -1.7,6.5 1.9,-1.7 2,1.5 z" + class="st73" + inkscape:label="NIT2 b" + inkscape:connector-curvature="0" + id="B_NIT2" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 410.3,635.21855 c -0.5,-2.3 -1,-4.7 -1.4,-7 -0.6,2.3 -1.2,4.6 -1.7,6.9 0.5,-0.6 1.1,-1.1 1.6,-1.7 0.4,0.6 1,1.2 1.5,1.8 l 0,0 z m -21.4,4.9 c -2.5,0.6 -4.9,1.3 -7.4,1.9 2.4,0.8 4.8,1.6 7.2,2.4 -0.6,-0.7 -1.2,-1.5 -1.8,-2.2 0.8,-0.7 1.4,-1.4 2,-2.1 l 0,0 z" + class="st73" + inkscape:label="NIT2" + inkscape:connector-curvature="0" + id="F_NIT2" /><text + style="font-size:10px;font-family:Calibri" + id="text1265" + class="st17 st18" + x="396.95239" + y="626.41815">AKG</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1267" + class="st17 st18" + x="420.85379" + y="626.40259">Glu</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1269" + class="st15 st16" + x="409.09311" + y="1219.8303">Biomass</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.22930002" + d="m 434.5,1275.0186 2.2,7.7 2.2,-7.7 -2.2,1.9 -2.2,-1.9 z" + class="st69" + inkscape:label="biomass_synthesis f" + inkscape:connector-curvature="0" + id="F_biomass_synthesis" /><path + style="fill:none;stroke:#000000;stroke-width:2.22930002" + d="m 436.5,1224.9186 0,50.5" + class="st69" + inkscape:label="biomass_synthesis" + inkscape:connector-curvature="0" + id="R_biomass_synthesis" /><path + style="fill:none;stroke:#000000;stroke-width:1.68139994" + d="m 407.6,610.21855 c -5.4,-0.8 -5.1,-9.5 -5.1,-9.5 m 35.5,-3.8 c 2.8,7.9 -3.2,13.1 -3.2,13.1 m 14.4,-0.2 c -62.3,0 -62.3,0 -62.3,0" + class="st121" + inkscape:label="#R_LDHD" + inkscape:connector-curvature="0" + id="R_LDH" /><text + style="font-size:10px;font-family:Calibri" + id="text1274" + class="st17 st18" + x="657.13702" + y="176.49825">NADPH+</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1276" + class="st17 st18" + x="657.13702" + y="188.99825">H+CO2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1278" + class="st17 st18" + x="498.32352" + y="174.68045">NADPH</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1280" + class="st17 st18" + x="528.11365" + y="174.68045">+H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1282" + class="st17 st18" + x="420.31329" + y="593.42896">NADH</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1284" + class="st17 st18" + x="444.93729" + y="593.42896">+</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1286" + class="st17 st18" + x="449.91779" + y="593.42896">H</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.90479994" + inkscape:connector-curvature="0" + d="m 467.5,711.91855 -0.2,-89.3 m 0.3,71.6 c 1.4,5.7 13.2,4.2 13.2,4.2 m -13.5,-30 c -1.7,-4.3 -14.4,-3.9 -14.4,-3.9" + class="st122" + id="R_MPC1_MPC2_MPC1L" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 465,710.11855 c 2.3,6.3 2.3,6.3 2.3,6.3 l 1.6,-6.5 -1.9,1.7 -2,-1.5 z" + class="st73" + inkscape:label="MPC1_MPC2_MPC1L forward" + inkscape:connector-curvature="0" + id="F_MPC1_MPC2_MPC1L" /><text + style="font-size:10px;font-family:Calibri" + id="text1290" + class="st17 st18" + x="432.4104" + y="750.59888">NAD</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1292" + class="st17 st18" + x="434.51151" + y="767.7298">CoA</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1294" + class="st17 st18" + x="485.1048" + y="782.6712">CO</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1296" + class="st17 st26" + x="496.97" + y="784.6712">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1298" + class="st17 st18" + x="484.4744" + y="761.19745">NADH</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1300" + class="st17 st18" + x="485.61499" + y="772.3714">H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1302" + class="st17 st18" + x="580.08624" + y="699.8714">Mal</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1304" + class="st17 st18" + x="520.5755" + y="664.80096">Mal</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.25819993" + d="m 559.6,784.71855 -0.1,-252.5 m 0.1,159.4 c 1.4,5.6 13.3,4.2 13.3,4.2 m -13.4,-29.7 c -1.7,-4.2 -14.5,-3.9 -14.5,-3.9" + class="st123" + inkscape:label="SLC25A1" + inkscape:connector-curvature="0" + id="R_SLC25A1" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1307" + class="st15 st16" + x="554.77374" + y="523.11255">Cit</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 568.4,536.41855 c 2.2,-7.3 2.2,-7.3 2.2,-7.3 l 2.2,7.3 -2.2,-1.8 -2.2,1.8 z" + class="st14" + inkscape:label="ACO1_IREB2 b" + inkscape:connector-curvature="0" + id="B_ACO1_IREB2" /><path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 568.6,562.11855 c 2.2,7.3 2.2,7.3 2.2,7.3 l 2.2,-7.3 -2.2,1.8 -2.2,-1.8 z" + class="st14" + inkscape:label="ACO1_IREB2 f" + inkscape:connector-curvature="0" + id="F_ACO1_IREB2" /><path + style="fill:none;stroke:#000000;stroke-width:1.92060006" + d="m 570.4,535.51855 c 0,27.3 0,27.3 0,27.3" + class="st124" + inkscape:label="ACO1_IREB2" + inkscape:connector-curvature="0" + id="R_ACO1_IREB2" /><text + style="font-size:10px;font-family:Calibri" + id="text1312" + class="st17 st18" + x="887.51202" + y="262.06564">2 Pi</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 477.8,123.71855 c 4.9,2 4.9,2 4.9,2 l -5.6,1.3 1.7,-1.6 -1,-1.7 z m -12.4,8 c 2.2,7.3 2.2,7.3 2.2,7.3 l 2.2,-7.3 -2.2,1.8 -2.2,-1.8 z" + class="st30" + inkscape:label="GCK_HKDC1_HK1_ADPGK_HK2_HK3 f" + inkscape:connector-curvature="0" + id="F_GCK_HKDC1_HK1_ADPGK_HK2_HK3" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 477.8,229.21855 c 4.9,2 4.9,2 4.9,2 l -5.6,1.3 1.7,-1.6 -1,-1.7 z m -12,10.7 c 1.7,7.3 1.7,7.3 1.7,7.3 l 1.7,-7.3 -1.7,1.8 -1.7,-1.8 z" + class="st30" + inkscape:label="PFKP_PFKL_PFKM_1 f" + inkscape:connector-curvature="0" + id="F_PFKP_PFKL_PFKM_1" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 473.7,345.71855 c 4.9,2 4.9,2 4.9,2 l -5.6,1.3 1.7,-1.6 -1,-1.7 z m -12.6,13.6 c 2.2,7.3 2.2,7.3 2.2,7.3 l 2.2,-7.3 -2.2,1.8 -2.2,-1.8 z" + class="st30" + inkscape:label="GAPDHS_GAPDH_GAPDHP29" + inkscape:connector-curvature="0" + id="F_GAPDHS_GAPDH_GAPDHP29" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 479.8,527.21855 c 4.9,2 4.9,2 4.9,2 l -5.6,1.3 1.7,-1.6 -1,-1.7 z m -14.7,10.9 c 2.2,7.3 2.2,7.3 2.2,7.3 l 2.2,-7.3 -2.2,1.8 -2.2,-1.8 z" + class="st30" + inkscape:label="ENO1_ENO3_ENO2 f" + inkscape:connector-curvature="0" + id="F_ENO1_ENO3_ENO2" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 477.9,581.61855 c 4.9,2 4.9,2 4.9,2 l -5.6,1.3 1.7,-1.6 -1,-1.7 z m -12.4,10.4 c 2.2,7.3 2.2,7.3 2.2,7.3 l 2.2,-7.3 -2.2,1.8 -2.2,-1.8 z" + class="st30" + inkscape:label="PKM_TMEM54_PKLR_HCN3 f" + inkscape:connector-curvature="0" + id="F_PKM_TMEM54_PKLR_HCN3" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 403.9,602.11855 c -2,-4.9 -2,-4.9 -2,-4.9 l -1.3,5.6 1.6,-1.7 1.7,1 z m -15.8,5.8 -7.3,2.2 7.3,2.2 -1.8,-2.2 1.8,-2.2 z" + class="st30" + inkscape:label="LDH f" + inkscape:connector-curvature="0" + id="F_LDH" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 514.9,160.51855 c -2,4.9 -2,4.9 -2,4.9 l -1.3,-5.6 1.6,1.7 1.7,-1 z m 6.5,-5.4 c 7.3,-2.2 7.3,-2.2 7.3,-2.2 l -7.3,-2.2 1.8,2.2 -1.8,2.2 z" + class="st30" + inkscape:label="G6PD" + inkscape:connector-curvature="0" + id="F_G6PD" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 676.8,162.21855 c -1,5.2 -1,5.2 -1,5.2 l -2.4,-5.3 1.9,1.3 1.5,-1.2 z m 5.2,-5.6 c 7.3,-2.2 7.3,-2.2 7.3,-2.2 l -7.3,-2.2 1.8,2.2 -1.8,2.2 z" + class="st30" + inkscape:label="PGD f" + inkscape:connector-curvature="0" + id="F_PGD" /><path + style="fill:none;stroke:#000000;stroke-width:2.09750009" + d="m 790.5,176.41855 c 0,29.5 0,29.5 0,29.5 m -12.7,-23.8 c 7.8,-2.3 12.6,3.5 12.6,3.5 m -0.3,7 c -1,5 -10.4,4.3 -10.4,4.3" + class="st125" + inkscape:label="PRPS2_PRPS1_PRPS1L1" + inkscape:connector-curvature="0" + id="R_PRPS2_PRPS1_PRPS1L1" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 764.8,168.11855 c 7.2,-0.3 7.2,-0.3 7.2,-0.3 l -6.1,-3.9 1.1,2.6 -2.2,1.6 z" + class="st32" + inkscape:transform-center-y="13.19671" + inkscape:transform-center-x="-17.870394" + inkscape:label="RPIA_LOC101060545 f" + inkscape:connector-curvature="0" + id="F_RPIA_LOC101060545" /><path + style="fill:none;stroke:#000000;stroke-width:1.17589998" + d="m 732.7,157.71855 33.8,8.2" + class="st126" + inkscape:transform-center-y="9.1713454" + inkscape:transform-center-x="7.5511886" + inkscape:label="RPIA_LOC101060545" + inkscape:connector-curvature="0" + id="R_RPIA_LOC101060545" /><path + style="fill:none;stroke:#000000;stroke-width:1.13479996" + d="m 739,148.51855 32,-6.4" + class="st127" + inkscape:transform-center-y="-9.5755519" + inkscape:transform-center-x="6.2972653" + inkscape:label="RPE_LOC729020" + inkscape:connector-curvature="0" + id="R_RPE_LOC729020" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 740.3,146.41855 c -6.6,2.9 -6.6,2.9 -6.6,2.9 l 7.1,1.5 -1.9,-2 1.4,-2.4 z" + class="st32" + inkscape:transform-center-y="-7.1245069" + inkscape:transform-center-x="22.076699" + inkscape:label="RPE_LOC729020 f" + inkscape:connector-curvature="0" + id="F_RPE_LOC729020" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 780.2,198.61855 c -4.9,-2 -4.9,-2 -4.9,-2 l 5.6,-1.3 -1.7,1.6 1,1.7 z m 12.4,6.6 c -2,6.9 -2,6.9 -2,6.9 l -2.4,-6.8 2.2,1.7 2.2,-1.8 z" + class="st30" + inkscape:label="PRPS2_PRPS1_PRPS1L1 f" + inkscape:connector-curvature="0" + id="F_PRPS2_PRPS1_PRPS1L1" /><text + style="font-size:10px;font-family:Calibri" + id="text1328" + class="st17 st18" + x="928.5589" + y="209.07054">4 Pi</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.00309992" + d="m 628.9,518.91855 c -5.9,1.2 -4.4,11.4 -4.4,11.4 m -6.4,-11.7 c 5.9,-1.2 4.4,-11.4 4.4,-11.4 m 12.1,11.4 c 5.9,-1.2 4.4,-11.4 4.4,-11.4 m 14.1,11.6 -72.4,-0.2 m 19.7,-0.3 c -5.9,1.2 -4.4,11.4 -4.4,11.4 m 1.3,-10.6 c 5.9,-1.4 5.4,-11.9 5.4,-11.9" + class="st128" + inkscape:label="ACLY" + inkscape:connector-curvature="0" + id="R_ACLY" /><text + style="font-size:10px;font-family:Calibri" + id="text1331" + class="st17 st18" + x="619.48761" + y="501.60864">Pi</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1333" + class="st17 st18" + x="925.4632" + y="502.06665">CoA</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1335" + class="st17 st18" + x="978.2464" + y="502.37036">3ADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1337" + class="st17 st18" + x="944.37335" + y="502.11053">2 NADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1339" + class="st17 st18" + x="1005.5902" + y="502.01004">Pi</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1341" + class="st17 st18" + x="1022.222" + y="502.37036">CO2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1343" + class="st17 st18" + x="935.09015" + y="537.14966">2 NADPH</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.00309992" + d="m 990.8,518.11855 c -5.9,1.2 -4.4,11.4 -4.4,11.4 m 37.1,-11.1 c 5.9,-1.2 4.4,-11.4 4.4,-11.4 m -20.9,11.4 c 5.9,-1.2 4.4,-11.4 4.4,-11.4 m -56.6,11.1 c -5.9,1.2 -4.4,11.4 -4.4,11.4 m 5.6,-11.1 c 5.9,-1.2 4.4,-11.4 4.4,-11.4 m 28.6,11.4 c 5.9,-1.2 4.4,-11.4 4.4,-11.4 m 42.5,11.6 -117.3,-0.2 m 10.7,-0.3 c -5.9,1.2 -4.4,11.4 -4.4,11.4 m 4.3,-11 c 5.9,-1.4 5.4,-11.9 5.4,-11.9" + class="st128" + inkscape:label="MVD" + inkscape:connector-curvature="0" + id="R_MVD" /><text + style="font-size:10px;font-family:Calibri" + id="text1346" + class="st17 st18" + x="916.46899" + y="537.34601">2 H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1348" + class="st17 st18" + x="975.79724" + y="537.38495">3 ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1350" + class="st17 st18" + x="1083.433" + y="539.12915">2 ippPP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1352" + class="st17 st18" + x="1092.3324" + y="502.40256">2 PPi</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.96599996" + d="m 1113.5,519.01855 -25,-0.5 m 13.7,-0.2 c -5.9,1.2 -4.4,11.4 -4.4,11.4 m 1.2,-10.6 c 5.9,-1.4 5.4,-11.9 5.4,-11.9" + class="st129" + inkscape:label="ARID4B_GGPS1_FDPS_FDPSP7_2" + inkscape:connector-curvature="0" + id="R_ARID4B_GGPS1_FDPS_FDPSP7_2" /><text + style="font-size:10px;font-family:Calibri" + id="text1355" + class="st17 st18" + x="1146.4008" + y="536.18677">fPP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1357" + class="st17 st18" + x="1147.5316" + y="500.91135">15 H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1359" + class="st17 st26" + x="1166.1605" + y="502.91135">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1361" + class="st17 st18" + x="1169.2484" + y="500.91135">O</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1363" + class="st17 st18" + x="1244.015" + y="500.13596">2 PPi</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1365" + class="st17 st18" + x="1178.6937" + y="500.73166">13 NADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1367" + class="st17 st18" + x="1269.6381" + y="499.95636">for</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1369" + class="st17 st18" + x="1219.3802" + y="500.49734">2 CO</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1371" + class="st17 st26" + x="1238.5746" + y="502.49734">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1373" + class="st17 st18" + x="1162.7885" + y="536.02271">13 NADPH</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1375" + class="st17 st18" + x="1208.9027" + y="536.07941">16 H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1377" + class="st17 st18" + x="1230.308" + y="535.75806">10 O</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1379" + class="st17 st26" + x="1249.3265" + y="537.75806">2</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.82200003" + d="m 861.2,464.41855 c 5.9,-1 4.4,-9.6 4.4,-9.6 m -19,9.5 29.3,0.3 m -15.1,-0.1 c -6,1.2 -5.5,10.5 -5.5,10.5" + class="st130" + inkscape:label="MCAT_FASN" + inkscape:connector-curvature="0" + id="R_MCAT_FASN" /><text + style="font-size:10px;font-family:Calibri" + id="text1382" + class="st17 st18" + x="1064.4486" + y="447.78546">14 H</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 888.8,422.31855 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -27.6,0.3 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m 39.9,9.6 c 7.2,-2.4 7.2,-2.4 7.2,-2.4 l -7.4,-1.9 1.9,2.1 -1.7,2.2 z" + class="st30" + inkscape:label="AcAcACPSynthesis f" + inkscape:connector-curvature="0" + id="F_AcAcACPSynthesis" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 477.8,777.11855 c 4.9,2 4.9,2 4.9,2 l -5.6,1.3 1.7,-1.6 -1,-1.7 z m 0,-10.5 c 4.9,2 4.9,2 4.9,2 l -5.6,1.3 1.7,-1.6 -1,-1.7 z m 0,-10.5 c 4.9,2 4.9,2 4.9,2 l -5.6,1.3 1.7,-1.6 -1,-1.7 z m -10.5,38.3 c -2.1,6.9 -2.1,6.9 -2.1,6.9 l -2.3,-6.8 2.2,1.7 2.2,-1.8 z" + class="st30" + inkscape:label="DLD_PDHX_PDHA1_DLAT_PDHA2_PDHB F" + inkscape:connector-curvature="0" + id="F_DLD_PDHX_PDHA1_DLAT_PDHA2_PDHB" /><path + style="fill:none;stroke:#000000;stroke-width:2.37849998" + d="m 443.6,735.91855 -27.4,0 0,127.5 116.3,0 m -60.4,0.2 c 7.3,-1.5 7.3,-12.6 7.3,-12.6 m 17.7,12.5 c -7.6,1.4 -8.5,11 -8.5,11 m -25.1,-11 c -7.6,1.4 -8.5,11 -8.5,11 m -15.9,-11 c -7.6,1.4 -8.5,11 -8.5,11 m 8.7,-11.2 c 7.3,-1.5 7.3,-12.6 7.3,-12.6" + class="st131" + inkscape:label="PC" + inkscape:connector-curvature="0" + id="R_PC" /><text + style="font-size:10px;font-family:Calibri" + id="text1387" + class="st17 st18" + x="437.9422" + y="842.4212">ADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1389" + class="st17 st18" + x="475.73709" + y="842.85181">Pi</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1391" + class="st17 st18" + x="420.13361" + y="882.27466">ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1393" + class="st17 st18" + x="444.71021" + y="881.94067">HCO</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1395" + class="st17 st26" + x="462.80591" + y="883.94067">3</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1397" + class="st17 st26" + x="465.89481" + y="876.44067">-</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1399" + class="st17 st18" + x="485.21021" + y="881.94067">H</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 530.5,861.11855 c 6.9,2.1 6.9,2.1 6.9,2.1 l -6.8,2.3 1.7,-2.2 -1.8,-2.2 z m -86,-10.4 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m 33,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z" + class="st32" + inkscape:label="PC f" + inkscape:connector-curvature="0" + id="F_PC" /><path + style="fill:none;stroke:#000000;stroke-width:1.53359997" + d="m 562.6,822.11855 c 4.2,1.1 4.2,1.1 4.2,1.1 l -4.4,1.6 1.2,-1.4 -1,-1.3 z m -6.5,-9.6 c 0.1,-5.5 0.1,-5.5 0.1,-5.5 l -3.5,4.6 2.1,-0.8 1.3,1.7 z" + class="st132" + inkscape:label="CS f" + inkscape:connector-curvature="0" + id="F_CS" /><text + style="font-size:10px;font-family:Calibri" + id="text1403" + class="st17 st18" + x="681.67023" + y="783.07056">H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1405" + class="st17 st18" + x="683.4339" + y="716.35669">H</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.49890006" + d="m 662.8,725.01855 c -1,6.8 -7.1,8.5 -7.1,8.5 m 45.3,-7.2 c -1,6.8 -7.1,8.5 -7.1,8.5 m -8.9,-11 c -1,6.8 -7.1,8.5 -7.1,8.5 m -39,-5.5 c 1,6.8 7.1,8.5 7.1,8.5 m -13.6,3.7 c 26,-9.2 53,-8.9 79.3,1" + class="st133" + inkscape:label="IDH2" + inkscape:connector-curvature="0" + id="R_IDH2" /><path + style="fill:none;stroke:#000000;stroke-width:1.81630003" + d="m 638.9,767.21855 c -3.8,4 -3.8,4 -3.8,4 l 1.6,-6.8 0.4,2.8 1.8,0 z m -5.4,-13.8 c -6.3,-1.4 -6.3,-1.4 -6.3,-1.4 l 4.4,4.1 -0.4,-2 2.3,-0.7 z" + class="st134" + inkscape:label="IDH3 b" + inkscape:connector-curvature="0" + id="B_IDH3" /><path + style="fill:none;stroke:#000000;stroke-width:1.49890006" + d="m 632.4,755.01855 c 26,9.2 53,8.9 79.3,-1 m -74.1,13.2 c 1,-6.8 7.1,-8.5 7.1,-8.5 m 40.3,11 c -1,-6.8 -7.1,-8.5 -7.1,-8.5 m 23.1,6 c -1,-6.8 -7.1,-8.5 -7.1,-8.5 m -29.9,10.7 c -1,-6.8 -7.1,-8.5 -7.1,-8.5" + class="st133" + inkscape:connector-curvature="0" + id="R_IDH3" /><text + style="font-size:10px;font-family:Calibri" + id="text1410" + class="st17 st18" + x="789.9563" + y="767.94257">NADH</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1412" + class="st17 st18" + x="814.58044" + y="767.94257">+</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1414" + class="st17 st18" + x="789.9563" + y="780.44257">H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1416" + class="st17 st18" + x="796.18683" + y="780.44257">+</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1418" + class="st17 st18" + x="801.1673" + y="780.44257">CO</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1420" + class="st17 st26" + x="813.03253" + y="782.44257">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1422" + class="st17 st18" + x="509.7952" + y="894.0257">NADH+H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1424" + class="st17 st18" + x="489.20441" + y="902.28931">NAD</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09549999" + d="m 429.3,916.81855 c -7.3,-1.3 -7.3,-10.9 -7.3,-10.9 m 29.9,10.9 c -7.3,-1.3 -7.3,-10.9 -7.3,-10.9 m 32.8,10.9 c -7.3,-1.3 -7.3,-10.9 -7.3,-10.9 m 22.9,10.8 c 7.3,-1.3 7.3,-10.9 7.3,-10.9 m 76.2,10.9 -167.7,0 0,-187.3 34.9,0" + class="st135" + inkscape:label="ME2_ME3_1" + inkscape:connector-curvature="0" + id="R_ME2_ME3_1" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 424,906.71855 c -2,-4.9 -2,-4.9 -2,-4.9 l -1.3,5.6 1.6,-1.7 1.7,1 z m 22.5,0 c -2,-4.9 -2,-4.9 -2,-4.9 l -1.3,5.6 1.6,-1.7 1.7,1 z m 25.5,0 c -2,-4.9 -2,-4.9 -2,-4.9 l -1.3,5.6 1.6,-1.7 1.7,1 z m -31,-176.2 c 6.4,-2 6.4,-2 6.4,-2 l -6.6,-2.3 1.7,2.2 -1.5,2.1 z" + class="st30" + inkscape:label="ME2_ME3_1 f" + inkscape:connector-curvature="0" + id="F_ME2_ME3_1" /><text + style="font-size:10px;font-family:Calibri" + id="text1428" + class="st17 st18" + x="457.70239" + y="898.8313">NADH</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1430" + class="st17 st18" + x="441.25998" + y="898.8313">H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1432" + class="st17 st18" + x="415.7493" + y="898.8147">CO</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1434" + class="st17 st26" + x="427.6145" + y="900.8147">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1436" + class="st17 st18" + x="503.78641" + y="944.25116">NADP</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.14289999" + d="m 429.3,920.51855 c -7.3,1.4 -7.3,11.4 -7.3,11.4 m 29.9,-11.4 c -7.3,1.4 -7.3,11.4 -7.3,11.4 m 32.8,-11.4 c -7.3,1.4 -7.3,11.4 -7.3,11.4 m 38.1,-11.3 c 7.2,1.7 7.2,14.6 7.2,14.6 m 61.2,-14.6 -177,0 0,-199.5 42.5,0" + class="st136" + inkscape:label="ME2_ME3_2" + inkscape:connector-curvature="0" + id="R_ME2_ME3_2" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 424,930.01855 c -2,4.9 -2,4.9 -2,4.9 l -1.3,-5.6 1.6,1.7 1.7,-1 z m 22.5,0 c -2,4.9 -2,4.9 -2,4.9 l -1.3,-5.6 1.6,1.7 1.7,-1 z m 25.5,0 c -2,4.9 -2,4.9 -2,4.9 l -1.3,-5.6 1.6,1.7 1.7,-1 z m -31,-207 c 6.5,-1.8 6.5,-1.8 6.5,-1.8 l -6.5,-2.5 1.7,2.2 -1.7,2.1 z" + class="st30" + inkscape:label="ME2_ME3_2 f" + inkscape:connector-curvature="0" + id="F_ME2_ME3_2" /><text + style="font-size:10px;font-family:Calibri" + id="text1440" + class="st17 st18" + x="456.02231" + y="944.76099">NADPH</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1442" + class="st17 st18" + x="440.8992" + y="944.5813">H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1444" + class="st17 st18" + x="415.7981" + y="944.5813">CO</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1446" + class="st17 st26" + x="427.66339" + y="946.5813">2</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.10339999" + d="m 615.9,579.61855 c 5.9,-1.5 5.4,-12.9 5.4,-12.9 m 15.5,12.5 c 5.9,-1.3 4.4,-12.5 4.4,-12.5 m 14,12.5 -72.4,-0.2 m 19.7,-0.3 c -5.9,1.4 -4.4,13.7 -4.4,13.7 m 1.3,-12.8 c 5.9,-1.5 5.4,-12.9 5.4,-12.9" + class="st137" + inkscape:label="IDH1" + inkscape:connector-curvature="0" + id="R_IDH1" /><text + style="font-size:10px;font-family:Calibri" + id="text1449" + class="st17 st18" + x="619.24744" + y="558.70239">H</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 327.8,483.61855 c 0,-27.3 0,-27.3 0,-27.3 m -0.4,15.6 c -1.1,-6 -11.6,-4.8 -11.6,-4.8" + class="st14" + inkscape:label="FH_2" + inkscape:connector-curvature="0" + id="R_FH_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 330.1,482.71855 c -2.2,7.3 -2.2,7.3 -2.2,7.3 l -2.2,-7.3 2.2,1.8 2.2,-1.8 z" + class="st14" + inkscape:label="FH_2 f" + inkscape:connector-curvature="0" + id="F_FH_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 329.9,456.91855 c -2.2,-7.3 -2.2,-7.3 -2.2,-7.3 l -2.2,7.3 2.2,-1.8 2.2,1.8 z m -14.7,12 c -4.9,-2 -4.9,-2 -4.9,-2 l 5.6,-1.3 -1.7,1.6 1,1.7 z" + class="st14" + inkscape:label="FH_2 b" + inkscape:connector-curvature="0" + id="B_FH_2" /><text + style="font-size:10px;font-family:Calibri" + id="text1454" + class="st17 st18" + x="287.3587" + y="527.83325">NAD</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1456" + class="st17 st18" + x="271.14529" + y="544.677">NADH</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1458" + class="st17 st18" + x="295.76929" + y="544.677">+</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1460" + class="st17 st18" + x="300.74979" + y="544.677">H</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1462" + class="st15 st16" + x="429.36963" + y="1131.9838">Q</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1464" + class="st15 st16" + x="350.36279" + y="1132.7025">NADH</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1466" + class="st15 st16" + x="457.80908" + y="1199.7504">4 H</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.06859994" + d="m 474.1998,1181.2711 -2.8,5.9 -2,-6.1 2.3,1.6 2.5,-1.4 z m 12.4,-39.3 -2.8,-5.9 -2,6.1 2.3,-1.6 2.5,1.4 z m 29.4,0 -2.8,-5.9 -2,6.1 2.3,-1.6 2.5,1.4 z" + class="st138" + inkscape:label="Complex1ROS f" + inkscape:connector-curvature="0" + id="F_Complex1ROS" /><path + style="fill:none;stroke:#000000;stroke-width:2.06859994" + d="m 761.84776,1178.6878 -2.8,5.9 -2,-6.1 2.3,1.6 z m 27.25948,-37.9976 -2.8,-5.9 -2,6.1 2.3,-1.6 z m 52.82373,-0.1976 -2.8,-5.9 -2,6.1 2.3,-1.6 z" + class="st138" + inkscape:label="Complex3 f" + inkscape:connector-curvature="0" + id="F_Complex3" + sodipodi:nodetypes="ccccccccccccccc" /><path + style="fill:none;stroke:#000000;stroke-width:2.06859994" + d="m 1050.1,1177.9186 -2.8,5.9 -2,-6.1 2.3,1.6 2.5,-1.4 z m 96.4,-35.6 -2.8,-5.9 -2,6.1 2.3,-1.6 2.5,1.4 z m -72,0 -2.8,-5.9 -2,6.1 2.3,-1.6 2.5,1.4 z" + class="st138" + inkscape:label="Complex4 f" + inkscape:connector-curvature="0" + id="F_Complex4" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1471" + class="st15 st16" + x="1186.5951" + y="1132.6877">ADP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1473" + class="st15 st16" + x="1258.2738" + y="1131.0793">ATP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1475" + class="st15 st16" + x="1288.1302" + y="1131.2004">2 H</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text1477" + class="st15 st40" + x="1309.9506" + y="1134.3997">2</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1479" + class="st15 st16" + x="1314.8929" + y="1131.2004">O</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1481" + class="st15 st16" + x="1224.5297" + y="1132.1653">Pi</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1483" + class="st15 st16" + x="1234.349" + y="1192.5237">4 H</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1485" + class="st15 st16" + x="1337.7094" + y="1131.2004">4 H</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.11870003" + d="m 1310.4,1155.6186 0,-13.8 m -106.2,-2 0,16.2 142.6,0 0,-16.2 m -116.3,-0.5 0,16.2 m 43.9,0.1 0,-13.8 m -29.7,13.8 0,25.4" + class="st139" + inkscape:label="ATPsynthase " + inkscape:connector-curvature="0" + id="R_ATPsynthase" /><path + style="fill:none;stroke:#000000;stroke-width:2.06859994" + d="m 1313.3,1141.9186 -2.8,-5.9 -2,6.1 2.3,-1.6 2.5,1.4 z m 36,0 -2.8,-5.9 -2,6.1 2.3,-1.6 2.5,1.4 z m -72,0 -2.8,-5.9 -2,6.1 2.3,-1.6 2.5,1.4 z" + class="st138" + inkscape:label="ATPsynthase f" + inkscape:connector-curvature="0" + id="F_ATPsynthase" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1495" + class="st15 st16" + x="177.9417" + y="839.77655">AKG</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1497" + class="st15 st16" + x="286.39868" + y="840.57635">AKG</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.82299995" + d="m 275.8,835.31855 -60.2,-0.3 m 44.6,0.3 c 5.9,-1.5 4.4,-13.9 4.4,-13.9 m -26.7,14.1 c -6.2,-6.3 -6.2,-9.5 -6.8,-12.7" + class="st45" + inkscape:label="SLC25A11" + inkscape:connector-curvature="0" + id="R_SLC25A11" /><path + style="fill:none;stroke:#000000;stroke-width:2.32780004" + d="m 267.4,821.81855 c -0.6,-1.9 -1.3,-3.9 -1.9,-5.8 -0.9,1.9 -1.9,3.7 -2.8,5.6 0.8,-0.4 1.7,-0.9 2.5,-1.3 0.6,0.5 1.4,1 2.2,1.5 z m -51.1,11.2 c -2.4,0.8 -4.8,1.6 -7.2,2.4 2.5,0.6 4.9,1.3 7.4,1.9 -0.6,-0.7 -1.3,-1.4 -1.9,-2.1 0.6,-0.7 1.1,-1.4 1.7,-2.2 l 0,0 z" + class="st140" + inkscape:label="SLC25A11 b" + inkscape:connector-curvature="0" + id="B_SLC25A11" /><text + style="font-size:14px;font-family:Calibri-Bold" + id="text1501" + class="st15 st38" + x="258.91681" + y="813.65851">Mal</text> +<text + style="font-size:14px;font-family:Calibri-Bold" + id="text1503" + class="st15 st38" + x="218.61449" + y="814.12427">Mal</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.35560012" + d="m 233.9,824.21855 c -2.4,-5.9 -2.4,-5.9 -2.4,-5.9 l -2.3,6 2.3,-1.5 2.4,1.4 z m 40.1,13.1 c 7.2,-2.3 7.2,-2.3 7.2,-2.3 l -7.3,-2 1.9,2.1 -1.8,2.2 z" + class="st46" + inkscape:label="SLC25A11 f" + inkscape:connector-curvature="0" + id="F_SLC25A11" /><text + style="font-size:10px;font-family:Calibri" + id="text1506" + class="st17 st18" + x="1286.9183" + y="796.95239">HCO</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1508" + class="st17 st26" + x="1305.014" + y="798.95239">3</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1510" + class="st17 st26" + x="1308.1029" + y="791.45239">-</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1512" + class="st17 st18" + x="1261.7601" + y="797.07349">2 ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1514" + class="st17 st18" + x="1312.8011" + y="797.28931">H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1516" + class="st17 st18" + x="1215.6556" + y="796.61255">2 ADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1518" + class="st17 st18" + x="1247.1156" + y="797.24536">Pi</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1198.1,755.61855 c 6.9,-1.7 6.9,-1.7 6.9,-1.7 l -7,-1.5 1.8,1.6 -1.7,1.6 z m -6.3,-8.1 c -1.9,-7.4 -1.9,-7.4 -1.9,-7.4 l -2.4,7.2 2.2,-1.8 2.1,2 z" + class="st73" + inkscape:label="OTC_LEFTY1 f" + inkscape:connector-curvature="0" + id="F_OTC_LEFTY1" /><text + style="font-size:10px;font-family:Calibri" + id="text1521" + class="st17 st18" + x="1207.1527" + y="756.75415">Pi</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1205.4,705.01855 c 5.4,1.6 5.4,1.6 5.4,1.6 l -5.8,1.7 1.6,-1.6 -1.2,-1.7 z m 0,-12 c 5.4,1.6 5.4,1.6 5.4,1.6 l -5.8,1.7 1.6,-1.6 -1.2,-1.7 z m -12.9,-39.4 c -2.6,-7.2 -2.6,-7.2 -2.6,-7.2 l -1.7,7.4 2,-2 2.3,1.8 z" + class="st73" + inkscape:label="SLC25A15_SLC25A2_1 f" + inkscape:connector-curvature="0" + id="F_SLC25A15_SLC25A2_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1165.5,612.21855 c -6.9,1.7 -6.9,1.7 -6.9,1.7 l 7,1.5 -1.8,-1.6 1.7,-1.6 z m 14.8,-3.2 c -0.8,-7.6 -0.8,-7.6 -0.8,-7.6 l -3.4,6.8 2.5,-1.4 1.7,2.2 z" + class="st73" + inkscape:label="ASS1 f" + inkscape:connector-curvature="0" + id="F_ASS1" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1260.6,601.11855 c 6.9,-1.7 6.9,-1.7 6.9,-1.7 l -7,-1.5 1.8,1.6 -1.7,1.6 z m -14.1,15.4 c 0.8,7.6 0.8,7.6 0.8,7.6 l 3.4,-6.8 -2.4,1.4 -1.8,-2.2 z" + class="st73" + inkscape:label="ARG2_ARG1 f" + inkscape:connector-curvature="0" + id="F_ARG2_ARG1" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1307.9,604.11855 c 6.9,-1.7 6.9,-1.7 6.9,-1.7 l -7,-1.5 1.8,1.6 -1.7,1.6 z m -8.3,-7.4 c -1.9,-7.4 -1.9,-7.4 -1.9,-7.4 l -2.4,7.2 2.2,-1.8 2.1,2 z" + class="st73" + inkscape:label="OGDH_ODC1_OGDHL f" + inkscape:connector-curvature="0" + id="F_OGDH_ODC1_OGDHL" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1410.9,573.21855 c 1.7,6.9 1.7,6.9 1.7,6.9 l 1.5,-7 -1.6,1.8 -1.6,-1.7 z m 19,-6.5 c 7.2,-2.5 7.2,-2.5 7.2,-2.5 l -7.4,-1.8 1.9,2.1 -1.7,2.2 z" + class="st73" + inkscape:label="arginineAmidinohydrolase" + inkscape:connector-curvature="0" + id="F_arginineAmidinohydrolase" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1226.5,773.71855 -7.3,2.2 7.3,2.2 -1.8,-2.2 1.8,-2.2 z m 6.9,9 c 1.7,6.9 1.7,6.9 1.7,6.9 l 1.5,-7 -1.6,1.8 -1.6,-1.7 z m 15.5,0.5 c 1.7,6.9 1.7,6.9 1.7,6.9 l 1.5,-7 -1.6,1.8 -1.6,-1.7 z" + class="st73" + inkscape:label="CPS1" + inkscape:connector-curvature="0" + id="F_CPS1" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1424.1,609.91855 c 1.7,6.9 1.7,6.9 1.7,6.9 l 1.5,-7 -1.6,1.8 -1.6,-1.7 z m 7.6,-4.7 c 7.2,-2.5 7.2,-2.5 7.2,-2.5 l -7.4,-1.8 1.9,2.1 -1.7,2.2 z" + class="st73" + inkscape:label="PYCRL_PYCR2_PYCR1_LEFTY1_1 f" + inkscape:connector-curvature="0" + id="F_PYCRL_PYCR2_PYCR1_LEFTY1_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1427.1,638.71855 c 1.7,6.9 1.7,6.9 1.7,6.9 l 1.5,-7 -1.6,1.8 -1.6,-1.7 z m 25.3,-21.9 c -1.8,-7.4 -1.8,-7.4 -1.8,-7.4 l -2.5,7.2 2.2,-1.7 2.1,1.9 z" + class="st73" + inkscape:label="PYCRL_PYCR2_PYCR1_LEFTY1_2 f" + inkscape:connector-curvature="0" + id="F_PYCRL_PYCR2_PYCR1_LEFTY1_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 389.7,362.01855 c 7,-1.3 7,-1.3 7,-1.3 l -6.9,-1.9 1.7,1.7 -1.8,1.5 z" + class="st73" + inkscape:connector-curvature="0" + id="path2280" /><path + style="fill:none;stroke:#000000;stroke-width:2.29760003" + d="m 376.4,277.61855 c 1.4,5.3 17.3,5.1 17.3,5.1 m -78.9,-8.4 c 36.8,-1.5 60.9,1.7 60.9,1.7 m 0.6,47.2 -0.1,-55.9 m -15.7,21.2 c 9.7,-2.9 16,3.2 16,3.2" + class="st79" + inkscape:connector-curvature="0" + id="R_SHMT1" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 314.9,275.71855 c -7,-1.3 -7,-1.3 -7,-1.3 l 6.9,-1.9 -1.7,1.7 1.8,1.5 z m 63.2,-8.2 c -2.3,-6.3 -2.3,-6.3 -2.3,-6.3 l -1.6,6.5 1.9,-1.7 2,1.5 z m -14.8,22 c -7,-1.3 -7,-1.3 -7,-1.3 l 6.9,-1.9 -1.7,1.7 1.8,1.5 z" + class="st73" + inkscape:connector-curvature="0" + id="F_SHMT1" /><text + style="font-size:9.99962234px;font-family:Calibri" + id="text1534" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="333.75421" + y="294.88434">H</text> +<text + style="font-size:6.09346962px;font-family:Calibri" + id="text1536" + class="st17 st26" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="339.98471" + y="296.88437">2</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text1538" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="343.07361" + y="294.8844">O</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 401.7,328.31855 c 1.3,-7 1.3,-7 1.3,-7 l 1.9,6.9 -1.7,-1.7 -1.5,1.8 z m 10.4,8.6 c 6.3,2.2 6.3,2.2 6.3,2.2 l -6.5,1.7 1.7,-1.9 -1.5,-2 z" + class="st73" + inkscape:label="SDS_SDSL_SRR" + inkscape:connector-curvature="0" + id="F_SDS_SDSL_SRR" /><path + style="fill:none;stroke:#000000;stroke-width:2.18140006" + d="m 453.8,622.71855 0,19.5 -67.5,0 m 23.1,-11 c -2.7,7 3.5,11.5 3.5,11.5 m 10.9,-0.1 c 5.4,-0.9 4.9,-10.3 4.9,-10.3" + class="st141" + inkscape:label="NIT2" + inkscape:connector-curvature="0" + id="R_NIT2" /><text + style="font-size:10px;font-family:Calibri" + id="text1542" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="301.05325" + y="582.61121">Glu</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text1544" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="288.98755" + y="601.8775">AKG</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 327.2,600.61855 c 2,7.3 2,7.3 2,7.3 l 2.3,-7.3 -2.2,1.8 -2.1,-1.8 z m -7,-4.3 c -7,-1.3 -7,-1.3 -7,-1.3 l 6.9,-1.9 -1.7,1.7 1.8,1.5 z" + class="st73" + inkscape:label="GOT1_GOT2_GOT1L1_2 bb" + inkscape:connector-curvature="0" + id="B_GOT1_GOT2_GOT1L1_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.06480002" + d="m 329.3,603.91855 -0.2,-29.4 m -12.3,8.1 c 7.6,-2.9 12.6,3.3 12.6,3.3 m 0,3.4 c -0.9,5.5 -11.2,5.2 -11.2,5.2" + class="st142" + inkscape:label="GOT1_GOT2_GOT1L1_2" + inkscape:connector-curvature="0" + id="R_GOT1_GOT2_GOT1L1_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 331,575.81855 c -2.3,-6.3 -2.3,-6.3 -2.3,-6.3 l -1.6,6.5 1.9,-1.7 2,1.5 z m -10.2,7.7 c -7,-1.3 -7,-1.3 -7,-1.3 l 6.9,-1.9 -1.7,1.7 1.8,1.5 z" + class="st73" + inkscape:label="GOT1_GOT2_GOT1L1_2 f" + inkscape:connector-curvature="0" + id="F_GOT1_GOT2_GOT1L1_2" /><text + style="font-size:10px;font-family:Calibri" + id="text1549" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="302.24371" + y="760.4939">Glu</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text1551" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="288.6842" + y="751.92932">AKG</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 328.8,764.61855 c 2,7.3 2,7.3 2,7.3 l 2.3,-7.3 -2.2,1.8 -2.1,-1.8 z m -8,-4.3 c -7,-1.3 -7,-1.3 -7,-1.3 l 6.9,-1.9 -1.7,1.7 1.8,1.5 z" + class="st73" + inkscape:label="GOT2_GOT1L1_1 b" + inkscape:connector-curvature="0" + id="B_GOT2_GOT1L1_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.06480002" + d="m 330.9,768.01855 -0.2,-29.4 m -13.3,8.1 c 8.1,-2.9 13.4,3.3 13.4,3.3 m -0.1,3.3 c -1,5.4 -11.9,5.2 -11.9,5.2" + class="st142" + inkscape:label="GOT2_GOT1L1_1" + inkscape:connector-curvature="0" + id="R_GOT2_GOT1L1_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 332.6,739.81855 c -2.3,-6.3 -2.3,-6.3 -2.3,-6.3 l -1.6,6.5 1.9,-1.7 2,1.5 z m -11.2,7.7 c -7,-1.3 -7,-1.3 -7,-1.3 l 6.9,-1.9 -1.7,1.7 1.8,1.5 z" + class="st73" + inkscape:label="GOT2_GOT1L1_1 f" + inkscape:connector-curvature="0" + id="F_GOT2_GOT1L1_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.5236001" + d="m 270.8,636.91855 c -1.4,6.1 -13.6,4.6 -13.6,4.6 m 58.1,-13.7 -44.2,0 0,24.1" + class="st143" + inkscape:label="FH_3" + inkscape:connector-curvature="0" + id="R_FH_3" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 203.3,605.11855 c -1.5,-5.1 -1.5,-5.1 -1.5,-5.1 l -1.8,5.5 1.7,-1.5 1.6,1.1 z m -25.5,6.7 c -6.3,2.2 -6.3,2.2 -6.3,2.2 l 6.5,1.7 -1.7,-1.9 1.5,-2 z" + class="st30" + inkscape:connector-curvature="0" + id="F_ASNS" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 306.6,623.91855 c 6.3,-2.2 6.3,-2.2 6.3,-2.2 l -6.5,-1.7 1.7,1.9 -1.5,2 z m -87.9,7 c 2,4.9 2,4.9 2,4.9 l 1.3,-5.6 -1.6,1.7 -1.7,-1 z" + class="st30" + inkscape:connector-curvature="0" + id="path2462" /><path + style="fill:none;stroke:#000000;stroke-width:2.5697" + d="m 174.6,621.51855 134,0.1 m -89.1,9.8 c 2.6,-5.3 -3.5,-9.1 -3.5,-9.1 m -23.9,-0.1 c -5,1.5 -4.6,13.1 -4.6,13.1" + class="st144" + inkscape:connector-curvature="0" + id="R_ASRGL1_ASPG" /><path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 327.8,536.41855 c -1.1,6 -11.6,4.8 -11.6,4.8 m 11.6,5.6 c 0,-30.5 0,-30.5 0,-30.5 m 0,14.1 c -1.1,-6 -11.6,-4.8 -11.6,-4.8" + class="st14" + inkscape:label="MDH1_MDH1B " + inkscape:connector-curvature="0" + id="R_MDH1_MDH1B" /><path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 315.6,539.51855 c -4.9,2 -4.9,2 -4.9,2 l 5.6,1.3 -1.7,-1.6 1,-1.7 z m 14.6,6.2 c -2.2,7.3 -2.2,7.3 -2.2,7.3 l -2.2,-7.3 2.2,1.8 2.2,-1.8 z" + class="st14" + inkscape:label="MDH1_MDH1B f" + inkscape:connector-curvature="0" + id="F_MDH1_MDH1B" /><path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 329.9,517.91855 c -2.2,-7.3 -2.2,-7.3 -2.2,-7.3 l -2.2,7.3 2.2,-1.8 2.2,1.8 z m -14.3,9.5 c -4.9,-2 -4.9,-2 -4.9,-2 l 5.6,-1.3 -1.7,1.6 1,1.7 z" + class="st14" + inkscape:label="MDH1_MDH1B b" + inkscape:connector-curvature="0" + id="B_MDH1_MDH1B" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 853.3,730.91855 c 1.7,-6.9 1.7,-6.9 1.7,-6.9 l 1.5,7 -1.6,-1.7 -1.6,1.6 z m -94.9,7.7 c -7.3,2.3 -7.3,2.3 -7.3,2.3 l 7.3,2 -1.9,-2.1 1.9,-2.2 z" + class="st73" + inkscape:label="GLUD1_GLUD2_1 F" + inkscape:connector-curvature="0" + id="F_GLUD1_GLUD2_1" /><text + style="font-size:10px;font-family:Calibri" + id="text1564" + class="st17 st18" + x="843.83331" + y="243.37524">Asp</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1566" + class="st15 st16" + x="1104.5219" + y="229.47775">AMP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1568" + class="st17 st18" + x="1032.9047" + y="239.12524">GTP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1570" + class="st17 st18" + x="1056.3265" + y="238.95825">Asp</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1572" + class="st17 st18" + x="1070.4886" + y="207.11935">Fum</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1574" + class="st17 st18" + x="1038.6117" + y="207.13495">GDP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1576" + class="st15 st16" + x="1190.1205" + y="274.58914">GMP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1578" + class="st17 st18" + x="1022.7562" + y="251.87625">NAD</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1580" + class="st17 st18" + x="1044.2269" + y="251.96504">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1582" + class="st17 st26" + x="1050.4574" + y="253.96504">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1584" + class="st17 st18" + x="1053.5463" + y="251.96504">O</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1586" + class="st17 st18" + x="1096.4867" + y="251.55885">NADH</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1588" + class="st17 st18" + x="1124.9867" + y="251.55885">H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1590" + class="st17 st18" + x="1136.9867" + y="251.55885">AMP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1592" + class="st17 st18" + x="1062.2269" + y="251.96504">ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1594" + class="st17 st18" + x="1078.7269" + y="251.96504">NH</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1596" + class="st17 st26" + x="1091.4125" + y="253.96504">3</text> +<path + style="fill:#786721;stroke:#000000;stroke-width:2.5" + d="m 1165.6,258.31855 c -1.6,-4.7 -1.6,-4.7 -1.6,-4.7 l -2.4,4.6 2.1,-1.1 1.9,1.2 z m 7.2,8.5 c 7.2,-2.4 7.2,-2.4 7.2,-2.4 l -7.4,-1.9 1.9,2.1 -1.7,2.2 z m -25.2,-8.5 c -1.6,-4.7 -1.6,-4.7 -1.6,-4.7 l -2.4,4.6 2.1,-1.1 1.9,1.2 z m -16.5,0 c -1.6,-4.7 -1.6,-4.7 -1.6,-4.7 l -2.4,4.6 2.1,-1.1 1.9,1.2 z m -21,0 c -1.6,-4.7 -1.6,-4.7 -1.6,-4.7 l -2.4,4.6 2.1,-1.1 1.9,1.2 z" + class="st145" + inkscape:label="GMPS f" + inkscape:connector-curvature="0" + id="F_GMPS" /><text + style="font-size:10px;font-family:Calibri" + id="text1599" + class="st17 st18" + x="1159.4867" + y="251.55885">PPi</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.45089996" + d="m 1017,234.51855 0,30 156.7,0 m -13.1,-0.1 c 4.8,-1 3,-7.4 3,-7.4 m -76.3,-1.9 c -1.5,6.1 4.8,9.3 4.8,9.3 m -24.3,-9.3 c -1.5,6.1 4.8,9.3 4.8,9.3 m 70,0 c 4.8,-1 3,-7.4 3,-7.4 m -19.5,7.4 c 4.8,-1 3,-7.4 3,-7.4 m -79.3,-1.9 c -1.5,6.1 4.8,9.3 4.8,9.3 m -19.7,-9.3 c -1.5,6.1 4.8,9.3 4.8,9.3 m 65.4,0 c 4.8,-1 3,-7.4 3,-7.4" + class="st146" + inkscape:label="GMPS" + inkscape:connector-curvature="0" + id="R_GMPS" /><text + style="font-size:10px;font-family:Calibri" + id="text1602" + class="st17 st18" + x="1089.4623" + y="295.44165">NADPH</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 1126.6,282.21855 c -1.6,4.7 -1.6,4.7 -1.6,4.7 l -2.4,-4.6 2.1,1.1 1.9,-1.2 z m -18,0 c -1.6,4.7 -1.6,4.7 -1.6,4.7 l -2.4,-4.6 2.1,1.1 1.9,-1.2 z m 64,-4.2 c 7.2,-2.4 7.2,-2.4 7.2,-2.4 l -7.3,-1.9 1.9,2.1 -1.8,2.2 z" + class="st22" + inkscape:connector-curvature="0" + id="path2738" /><text + style="font-size:10px;font-family:Calibri" + id="text1605" + class="st17 st18" + x="1122.9066" + y="295.62234">H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1607" + class="st17 st18" + x="1045.0922" + y="295.91525">NADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1609" + class="st17 st18" + x="1070.9701" + y="295.55396">NH</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1611" + class="st17 st26" + x="1083.6556" + y="297.55396">3</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.7529" + d="m 1076.8,287.31855 c -1.5,-7.6 4.8,-11.6 4.8,-11.6 m -24.2,11.6 c -1.5,-7.6 4.8,-11.6 4.8,-11.6 m 59.4,0.1 c 4.8,0.9 3,6.9 3,6.9 m -21,-6.9 c 4.8,0.9 3,6.9 3,6.9 m -95.6,-48.5 0,41.6 162.2,0" + class="st147" + inkscape:label="GMPR2_GMPR" + inkscape:connector-curvature="0" + id="R_GMPR2_GMPR" /><path + style="fill:none;stroke:#000000;stroke-width:1.92519999" + d="m 1257.8,269.81855 c -24.9,0 -24.9,0 -24.9,0 m 16.5,9.6 c 2.4,-5.9 -3.6,-9.5 -3.6,-9.5 m -2.6,0.1 c -5,0.9 -4.4,9.3 -4.4,9.3" + class="st148" + inkscape:label="GUK1_1" + inkscape:connector-curvature="0" + id="R_GUK1_1" /><text + style="font-size:10px;font-family:Calibri" + id="text1615" + class="st17 st18" + x="1305.1234" + y="296.55396">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1617" + class="st17 st26" + x="1311.3539" + y="298.55396">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1619" + class="st17 st18" + x="1314.4427" + y="296.55396">O</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.89830005" + d="m 1324,269.41855 c -24.2,0 -24.2,0 -24.2,0 m 15.6,11.1 c 2.4,-6.8 -3.6,-11 -3.6,-11" + class="st149" + inkscape:label="RRM2B_TXN_RRM1_RRM2B_1" + inkscape:connector-curvature="0" + id="R_RRM2B_TXN_RRM1_RRM2B_1" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1622" + class="st15 st16" + x="1336.0267" + y="274.81174">dGDP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1624" + class="st15 st16" + x="1189.1234" + y="226.54515">ADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1626" + class="st17 st18" + x="1144.3539" + y="205.21504">ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1628" + class="st17 st18" + x="1162.7318" + y="204.82245">ADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1630" + class="st17 st18" + x="1225.3851" + y="248.99045">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1632" + class="st17 st26" + x="1231.6156" + y="250.99045">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1634" + class="st17 st18" + x="1234.7035" + y="248.99045">O</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.77349997" + d="m 1239.9,223.41855 c -21.1,0 -21.1,0 -21.1,0 m 12.6,11.4 c 2.4,-7 -3.6,-11.3 -3.6,-11.3" + class="st150" + inkscape:label="RRM2B_TXN_RRM1_RRM2B_2" + inkscape:connector-curvature="0" + id="R_RRM2B_TXN_RRM1_RRM2B_2" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1637" + class="st15 st16" + x="1251.2035" + y="225.97145">dADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1639" + class="st17 st18" + x="989.38702" + y="354.02756">ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1641" + class="st17 st18" + x="1006.057" + y="353.84204">ADP</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.82930005" + d="m 1014.9,334.41855 c 7.4,-1.9 7.4,-1.9 7.4,-1.9 l -7.2,-2.4 1.8,2.2 -2,2.1 z m -5.5,5.8 c 2.4,5.1 2.4,5.1 2.4,5.1 l 2,-5.2 -2.1,1.3 -2.3,-1.2 z" + class="st109" + inkscape:label="NME2_NME3_NME4_NME5_NME2P1_NME7_NME6_NME1_NME2_3 b" + inkscape:connector-curvature="0" + id="B_NME2_NME3_NME4_NME5_NME2P1_NME7_NME6_NME1_NME2_3" /><path + style="fill:none;stroke:#000000;stroke-width:1.55369997" + d="m 1004.5,332.21855 c -4.9,1.2 -3.1,9.2 -3.1,9.2 m 10.5,0.8 c 1.6,-6.3 -4.9,-9.6 -4.9,-9.6 m 10.9,-0.3 -25.4,-0.2" + class="st151" + inkscape:label="NME2_NME3_NME4_NME5_NME2P1_NME7_NME6_NME1_NME2_3" + inkscape:connector-curvature="0" + id="R_NME2_NME3_NME4_NME5_NME2P1_NME7_NME6_NME1_NME2_3" /><text + style="font-size:10px;font-family:Calibri" + id="text1645" + class="st17 st18" + x="484.89191" + y="128.75026">ADP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1647" + class="st15 st16" + x="448.1004" + y="156.49535">G6P</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1649" + class="st15 st16" + x="450.83908" + y="90.690155">Glc</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 465.3,424.91855 c 2.2,7.3 2.2,7.3 2.2,7.3 l 2.2,-7.3 -2.2,1.8 -2.2,-1.8 z m 11.2,-16.2 c 1.6,0.7 3.3,1.4 4.9,2 -1.9,0.4 -3.8,0.8 -5.6,1.3 0.6,-0.5 1.1,-1 1.7,-1.6 -0.4,-0.5 -0.7,-1.1 -1,-1.7 l 0,0 z" + class="st14" + inkscape:label="CRISP3_PGK1_MIA3_PGK2 f" + inkscape:connector-curvature="0" + id="F_CRISP3_PGK1_MIA3_PGK2" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 447.4,607.61855 7.3,2.2 -7.3,2.2 1.8,-2.2 -1.8,-2.2 z m -10.6,-6.6 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z" + class="st30" + inkscape:label="LDH b" + inkscape:connector-curvature="0" + id="B_LDH" /><path + style="fill:none;stroke:#000000;stroke-width:1.82930005" + d="m 861.8,126.21855 0,-11.3 30,0 m -20.8,-8.8 c -1.7,5.6 4.7,8.7 4.7,8.7 m 3.2,-0.2 c 4.9,-1.1 3.2,-8.9 3.2,-8.9" + class="st109" + inkscape:label="PFKP_PFKL_PFKM_3" + inkscape:connector-curvature="0" + id="R_PFKP_PFKL_PFKM_3" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 888.2,116.91855 c 7.3,-2.2 7.3,-2.2 7.3,-2.2 l -7.3,-2.2 1.8,2.2 -1.8,2.2 z m -6.9,-9.3 c 1.5,-4.3 1.5,-4.3 1.5,-4.3 l 1.4,4.7 -1.4,-1.3 -1.5,0.9 z" + class="st30" + inkscape:label="PFKP_PFKL_PFKM_3 b" + inkscape:connector-curvature="0" + id="B_PFKP_PFKL_PFKM_3" /><path + style="fill:none;stroke:#000000;stroke-width:1.71169996" + d="m 859.5,122.51855 c 2.1,6.2 2.1,6.2 2.1,6.2 l 2.1,-6.2 -2.1,1.5 -2.1,-1.5 z m 9.8,-14.9 c 1.5,-4.3 1.5,-4.3 1.5,-4.3 l 1.4,4.7 -1.4,-1.3 -1.5,0.9 z" + class="st152" + inkscape:label="PFKP_PFKL_PFKM_3 f" + inkscape:connector-curvature="0" + id="F_PFKP_PFKL_PFKM_3" /><path + style="fill:none;stroke:#000000;stroke-width:1.74290001" + d="m 491.3,814.71855 61.5,3.7 m 11.8,25.5 c -4.4,0.5 -8.8,-1.3 -11.3,-4.5 -2.5,-3.3 -2.7,-7.5 -0.6,-10.8 2.2,-3.4 6.4,-5.3 10.8,-5.1 m -9.8,29.2 c -3.7,-13.4 -3.5,-27.4 0.7,-40.9" + class="st153" + inkscape:label="CS" + inkscape:connector-curvature="0" + id="R_CS" /><path + style="fill:none;stroke:#000000;stroke-width:1.63900006" + d="m 662.5,768.41855 c 2.1,4.7 2.1,4.7 2.1,4.7 l 1,-5.3 -1.4,1.6 -1.7,-1 z m 37.5,-1.5 c 2.1,4.7 2.1,4.7 2.1,4.7 l 1,-5.3 -1.4,1.6 -1.7,-1 z m 9.6,-14.8 c 6.3,-1.4 6.3,-1.4 6.3,-1.4 l -4.4,4.1 0.4,-2 -2.3,-0.7 z m -26.1,17.8 c 2.1,4.7 2.1,4.7 2.1,4.7 l 1,-5.3 -1.4,1.6 -1.7,-1 z" + class="st154" + inkscape:label="IDH3 f" + inkscape:connector-curvature="0" + id="F_IDH3" /><path + style="fill:none;stroke:#000000;stroke-width:1.81630003" + d="m 640,727.51855 c -3.8,-4 -3.8,-4 -3.8,-4 l 1.6,6.8 0.4,-2.8 1.8,0 z m -6.5,12.6 c -6.3,1.4 -6.3,1.4 -6.3,1.4 l 4.4,-4.1 -0.4,2 2.3,0.7 z" + class="st134" + inkscape:label="IDH2 b" + inkscape:connector-curvature="0" + id="B_IDH2" /><path + style="fill:none;stroke:#000000;stroke-width:1.63900006" + d="m 661.1,725.61855 c 2.1,-4.7 2.1,-4.7 2.1,-4.7 l 1,5.3 -1.4,-1.6 -1.7,1 z m 38.1,1.5 c 2.1,-4.7 2.1,-4.7 2.1,-4.7 l 1,5.3 -1.4,-1.6 -1.7,1 z m -15.7,-3 c 2.1,-4.7 2.1,-4.7 2.1,-4.7 l 1,5.3 -1.4,-1.6 -1.7,1 z m 26.1,17.3 c 6.3,1.4 6.3,1.4 6.3,1.4 l -4.4,-4.1 0.4,2 -2.3,0.7 z" + class="st154" + inkscape:connector-curvature="0" + id="path2385" /><path + style="fill:none;stroke:#000000;stroke-width:1.81599998" + d="m 775.5,787.91855 c 4.5,4.3 4.5,4.3 4.5,4.3 l -1.5,-6.1 -0.8,2.2 -2.2,-0.4 z m 7.8,-13.5 c 3.8,-1 3.8,-1 3.8,-1 l -2.8,3.2 0.3,-1.7 -1.3,-0.5 z" + class="st55" + inkscape:label="DLSTP1_DLD_OGDH_PDHX_DLST_DHTKD1_OGDHL f" + inkscape:connector-curvature="0" + id="F_DLSTP1_DLD_OGDH_PDHX_DLST_DHTKD1_OGDHL" /><path + style="fill:none;stroke:#000000;stroke-width:1.81599998" + d="m 551.9,886.51855 c -4,4 -4,4 -4,4 l 5.5,-0.9 -1.9,-1 0.4,-2.1 z m 9.4,-8.4 c -4.3,-4.3 -4.3,-4.3 -4.3,-4.3 l 1.3,6 0.8,-2.1 2.2,0.4 z" + class="st55" + inkscape:label="MDH2 f" + inkscape:connector-curvature="0" + id="F_MDH2" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 572.4,693.91855 c 4.9,2 4.9,2 4.9,2 l -5.6,1.3 1.7,-1.6 -1,-1.7 z m -10.5,-159.2 c -2.3,-6.3 -2.3,-6.3 -2.3,-6.3 l -1.6,6.5 1.9,-1.7 2,1.5 z" + class="st30" + inkscape:label="SLC25A1 f" + inkscape:connector-curvature="0" + id="F_SLC25A1" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 561.5,781.41855 c -2.3,6.3 -2.3,6.3 -2.3,6.3 l -1.6,-6.5 1.9,1.7 2,-1.5 z m -16.4,-117.8 c -4.9,-2 -4.9,-2 -4.9,-2 l 5.6,-1.3 -1.7,1.6 1,1.7 z" + class="st73" + inkscape:label="SLC25A1 b" + inkscape:connector-curvature="0" + id="B_SLC25A1" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 639.9,566.81855 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -20.1,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -16.2,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m 50.9,14.5 c 7.2,-2.3 7.2,-2.3 7.2,-2.3 l -7.3,-2 1.9,2.1 -1.8,2.2 z" + class="st22" + inkscape:label="IDH1 f" + inkscape:connector-curvature="0" + id="F_IDH1" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 637.5,509.41855 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -16.5,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -20.1,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m 51.9,11.5 c 7.2,-2.3 7.2,-2.3 7.2,-2.3 l -7.3,-2 1.9,2.1 -1.8,2.2 z" + class="st22" + inkscape:label="ACLY f" + inkscape:connector-curvature="0" + id="F_ACLY" /><path + style="fill:none;stroke:#000000;stroke-width:2.41549993" + d="m 1094.7,430.01855 -120.1,-0.2 m 106.7,0.4 c -6,1.3 -5.5,10.6 -5.5,10.6 m -88,-10.9 c -6,1.3 -5.5,10.6 -5.5,10.6 m 48,-10.5 c -6,1.3 -5.5,10.6 -5.5,10.6 m 3.2,-10.2 c 5.9,-1.3 4.4,-11.9 4.4,-11.9 m 46.7,11.9 c 5.9,-1.3 4.4,-11.9 4.4,-11.9 m -93.9,11.4 c 5.9,-1.3 4.4,-11.9 4.4,-11.9 m 58.8,11.9 c 5.9,-1.3 4.4,-11.9 4.4,-11.9" + class="st155" + inkscape:label="OLAH_FASN " + inkscape:connector-curvature="0" + id="R_OLAH_FASN" /><text + style="font-size:10px;font-family:Calibri" + id="text1667" + class="st17 st18" + x="722.22681" + y="501.87915">CoA</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.96720004" + d="m 740.8,519.01855 -25,-0.5 m 12.1,-0.2 c -5.9,1.2 -4.4,11.4 -4.4,11.4 m 1.3,-10.6 c 5.9,-1.4 5.4,-11.9 5.4,-11.9" + class="st156" + inkscape:label="ACAT1_ACAT2" + inkscape:connector-curvature="0" + id="R_ACAT1_ACAT2" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 728.4,509.41855 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m 11.1,11.6 c 6.4,-2.1 6.4,-2.1 6.4,-2.1 l -6.5,-1.8 1.7,1.9 -1.6,2 z" + class="st30" + inkscape:label="ACAT1_ACAT2 f" + inkscape:connector-curvature="0" + id="F_ACAT1_ACAT2" /><text + style="font-size:10px;font-family:Calibri" + id="text1671" + class="st17 st18" + x="710.4895" + y="542.85089">AcCoA</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.22309995" + d="m 716.3,520.51855 c -6.4,-2.1 -6.4,-2.1 -6.4,-2.1 l 6.5,-1.8 -1.7,1.9 1.6,2 z m 5.8,7.9 c 2,4.9 2,4.9 2,4.9 l 1.3,-5.6 -1.6,1.7 -1.7,-1 z" + class="st157" + inkscape:label="ACAT1_ACAT2 B" + inkscape:connector-curvature="0" + id="B_ACAT1_ACAT2" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1674" + class="st15 st16" + x="749.35974" + y="522.77277">AcAcCoA</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.83369994" + d="m 841.4,518.71855 c -5.9,1 -4.4,9.5 -4.4,9.5 m -18.1,-9.5 c -5.9,1 -4.4,9.5 -4.4,9.5 m 7.6,-9.6 c 5.9,-1.2 4.4,-11.4 4.4,-11.4 m 21.3,11.7 -37.5,-0.4" + class="st158" + inkscape:label="HMGCS1_HMGCS2 " + inkscape:connector-curvature="0" + id="R_HMGCS1_HMGCS2" /><text + style="font-size:10px;font-family:Calibri" + id="text1677" + class="st17 st18" + x="828.9563" + y="536.06281">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1679" + class="st17 st26" + x="835.18683" + y="538.06281">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1681" + class="st17 st18" + x="838.2757" + y="536.06281">O</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1683" + class="st17 st18" + x="798.9895" + y="535.35089">AcCoA</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1685" + class="st17 st18" + x="818.22681" + y="501.87915">CoA</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.22309995" + d="m 846,521.01855 c 6.4,-2.1 6.4,-2.1 6.4,-2.1 l -6.5,-1.8 1.7,1.9 -1.6,2 z m -21,-11.6 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z" + class="st157" + inkscape:label="HMGCS1_HMGCS2 f" + inkscape:connector-curvature="0" + id="F_HMGCS1_HMGCS2" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1688" + class="st15 st16" + x="855.85974" + y="522.77277">HMGCoA</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.22309995" + d="m 1035.4,520.81855 c 6.4,-2.1 6.4,-2.1 6.4,-2.1 l -6.5,-1.8 1.7,1.9 -1.6,2 z m -102.4,-11.9 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m 25.9,0.4 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m 33,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m 18,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m 16.5,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z" + class="st157" + inkscape:label="MVD f" + inkscape:connector-curvature="0" + id="F_MVD" /><path + style="fill:none;stroke:#000000;stroke-width:1.85309994" + d="m 1269.2,518.61855 c 5.9,-1.2 5.4,-10.1 5.4,-10.1 m -24.9,10.1 c 5.9,-1.2 5.4,-10.1 5.4,-10.1 m -27.9,10.1 c 5.9,-1.2 5.4,-10.1 5.4,-10.1 m -51.9,10.1 c 5.9,-1.2 5.4,-10.1 5.4,-10.1 m 57.3,10.3 c -5.9,1 -4.4,9.6 -4.4,9.6 m -15.8,-9.6 c -5.9,1 -4.4,9.6 -4.4,9.6 m -36.9,-10.1 c -5.9,1 -4.4,9.6 -4.4,9.6 m 105.2,-9.1 -133.5,-0.2 m 9.1,-0.1 c -5.9,1 -4.4,9.6 -4.4,9.6 m 4.3,-9.5 c 5.9,-1.2 5.4,-10.1 5.4,-10.1" + class="st159" + inkscape:label="DHCR24_LEFTY1" + inkscape:connector-curvature="0" + id="R_DHCR24_LEFTY1" /><path + style="fill:none;stroke:#000000;stroke-width:2.22309995" + d="m 1113.4,520.51855 c 6.4,-2.1 6.4,-2.1 6.4,-2.1 l -6.5,-1.8 1.7,1.9 -1.6,2 z m -11.1,-10.9 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z" + class="st157" + inkscape:label="ARID4B_GGPS1_FDPS_FDPSP7_2 f" + inkscape:connector-curvature="0" + id="F_ARID4B_GGPS1_FDPS_FDPSP7_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.22309995" + d="m 1281,520.71855 c 6.4,-2.1 6.4,-2.1 6.4,-2.1 l -6.5,-1.8 1.7,1.9 -1.6,2 z m -7.8,-11.9 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -19.5,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -22.5,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -46.5,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -22.5,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z" + class="st157" + inkscape:label="DHCR24_LEFTY1 f" + inkscape:connector-curvature="0" + id="F_DHCR24_LEFTY1" /><path + style="fill:none;stroke:#000000;stroke-width:2.22309995" + d="m 768.2,457.11855 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -35,0.2 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m 45.6,8.8 c 7.2,-2.4 7.2,-2.4 7.2,-2.4 l -7.4,-1.9 1.9,2.1 -1.7,2.2 z" + class="st157" + inkscape:label="ACACB_PRKAG2_PRKAB2_ACACA_PRKAA2 f" + inkscape:connector-curvature="0" + id="F_ACACB_PRKAG2_PRKAB2_ACACA_PRKAA2" /><path + style="fill:none;stroke:#000000;stroke-width:2.22309995" + d="m 779,432.11855 c 7.2,-2.4 7.2,-2.4 7.2,-2.4 l -7.4,-1.9 1.9,2.1 -1.7,2.2 z m -16,-11.9 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z" + class="st157" + inkscape:label="FASN_1 f" + inkscape:connector-curvature="0" + id="F_FASN_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 864.2,457.11855 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m 11.6,9.6 c 7.2,-2.4 7.2,-2.4 7.2,-2.4 l -7.4,-1.9 1.9,2.1 -1.7,2.2 z" + class="st22" + inkscape:connector-curvature="0" + id="F_MCAT_FASN" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 1093.3,432.21855 c 7.2,-2.4 7.2,-2.4 7.2,-2.4 l -7.4,-1.9 1.9,2.1 -1.7,2.2 z m -11.1,-11.5 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -51.2,-1.1 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m 25,0.2 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -63.6,1.2 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z" + class="st22" + inkscape:label="OLAH_FASN f" + inkscape:connector-curvature="0" + id="F_OLAH_FASN" /><path + style="fill:none;stroke:#000000;stroke-width:2.2256" + d="m 975.2,225.31855 c -6,1.1 -5.5,9 -5.5,9 m -30.5,-9 c -6,1.1 -5.5,9 -5.5,9 m -50,-9 c -6,1.1 -5.5,9 -5.5,9 m -39.5,-9 c -6,1.1 -5.5,9 -5.5,9 m 98.6,-9.1 c 5.9,-1.1 4.4,-10.2 4.4,-10.2 m -71.9,10.2 c 5.9,-1.1 4.4,-10.2 4.4,-10.2 m 16.6,10.2 c 5.9,-1.1 4.4,-10.2 4.4,-10.2 m -67.6,10.2 c 5.9,-1.1 4.4,-10.2 4.4,-10.2 m 85.1,10.6 c 5.9,-1.1 4.4,-10.2 4.4,-10.2 m -73.5,9.4 c 6,-1 4.5,-9.4 4.5,-9.4 m 15.7,9.9 c -6,1.1 -5.5,9 -5.5,9 m -37,-9.1 c -6,1.1 -5.5,9 -5.5,9 m 99.1,-8.8 c -6,1.1 -5.5,9 -5.5,9 m 73.4,-9.2 -174.7,-0.1" + class="st160" + inkscape:label="ATIC_2" + inkscape:connector-curvature="0" + id="R_ATIC_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 981.4,227.31855 c 7.2,-2.4 7.2,-2.4 7.2,-2.4 l -7.4,-1.9 1.9,2.1 -1.7,2.2 z m -46.6,-11.1 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -20.2,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -26.4,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -21,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -21.8,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -20.2,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z" + class="st22" + inkscape:label="ATIC_2 f" + inkscape:connector-curvature="0" + id="F_ATIC_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.06660008" + d="m 926.5,278.81855 c 6.1,-0.9 4.6,-8.5 4.6,-8.5 m -22.6,8.2 c 6.1,-0.9 4.6,-8.5 4.6,-8.5 m -25.6,8.2 c 6.1,-0.9 4.6,-8.5 4.6,-8.5 m -28.6,8.5 c 6.1,-0.9 4.6,-8.5 4.6,-8.5 m -27.1,8.5 c 6.1,-0.9 4.6,-8.5 4.6,-8.5 m 56.9,8.8 c -6,1.1 -5.5,9.2 -5.5,9.2 m -12.5,-9.2 c -6,1.1 -5.5,9.2 -5.5,9.2 m -14,-9.7 c -6,1.1 -5.5,9.2 -5.5,9.2 m -15.5,-9.2 c -6,1.1 -5.5,9.2 -5.5,9.2 m -11,-9.5 c -6,1.1 -5.5,9.2 -5.5,9.2 m -31.5,-9.3 148.9,1.2 m -134.4,-1.1 c -6,1.1 -5.5,9.2 -5.5,9.2 m 2.5,-8.7 c 6.1,-0.9 4.6,-8.5 4.6,-8.5 m -16.1,-40.9 c 0,49.6 0,49.6 0,49.6" + class="st161" + inkscape:label="UMPS_2" + inkscape:connector-curvature="0" + id="R_UMPS_2" /><path + style="fill:none;stroke:#000000;stroke-width:1.7335" + d="m 1087.7,225.31855 -51.1,-0.3 m 13,0 c -6,0.8 -5.5,6.9 -5.5,6.9 m 12.9,-7.1 c 6,-1 4.5,-9.4 4.5,-9.4 m -18.9,9.8 c 5.9,-1.1 4.4,-10.2 4.4,-10.2 m 27.3,10.2 c 5.9,-1.1 4.4,-10.2 4.4,-10.2 m -10.4,10 c -6,0.8 -5.5,6.9 -5.5,6.9" + class="st162" + inkscape:connector-curvature="0" + id="R_TNRC6B_ADSL_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 1086.5,227.21855 c 7.2,-2.4 7.2,-2.4 7.2,-2.4 l -7.4,-1.9 1.9,2.1 -1.7,2.2 z m -9.3,-11 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -17.3,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -14.2,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z" + class="st22" + inkscape:connector-curvature="0" + id="F_TNRC6B_ADSL_1" /><text + style="font-size:10px;font-family:Calibri" + id="text1703" + class="st17 st18" + x="1059.1674" + y="207.14964">Pi</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1256.9,272.21855 c 6.9,-2 6.9,-2 6.9,-2 l -6.8,-2.4 1.7,2.2 -1.8,2.2 z m -8.6,7.4 c 2,4.9 2,4.9 2,4.9 l 1.3,-5.6 -1.6,1.7 -1.7,-1 z" + class="st32" + inkscape:label="GUK1_1 f" + inkscape:connector-curvature="0" + id="F_GUK1_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1234.2,272.11855 c -6.9,-2 -6.9,-2 -6.9,-2 l 6.8,-2.4 -1.7,2.2 1.8,2.2 z m 3.6,7.4 c 2,4.9 2,4.9 2,4.9 l 1.3,-5.6 -1.6,1.7 -1.7,-1 z" + class="st32" + inkscape:label="GUK1_1 b" + inkscape:connector-curvature="0" + id="B_GUK1_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1321.7,270.71855 c 6.9,-2 6.9,-2 6.9,-2 l -6.8,-2.4 1.7,2.2 -1.8,2.2 z m -7.7,8.8 c 2,4.9 2,4.9 2,4.9 l 1.3,-5.6 -1.6,1.7 -1.7,-1 z" + class="st32" + inkscape:label="RRM2B_TXN_RRM1_RRM2B_1 f" + inkscape:connector-curvature="0" + id="F_RRM2B_TXN_RRM1_RRM2B_1" /><text + style="font-size:10px;font-family:Calibri" + id="text1708" + class="st17 st18" + x="1379.2269" + y="295.87714">ADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1710" + class="st17 st18" + x="1397.4281" + y="296.41336">ATP</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.92519999" + d="m 1410.2,269.91855 c -24.9,0 -24.9,0 -24.9,0 m 16.5,9.5 c 2.4,-5.9 -3.6,-9.5 -3.6,-9.5 m -2.6,0.1 c -5,0.9 -4.4,9.3 -4.4,9.3" + class="st148" + inkscape:label="GUK1_2" + inkscape:connector-curvature="0" + id="R_GUK1_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1409.9,272.31855 c 6.9,-2 6.9,-2 6.9,-2 l -6.8,-2.4 1.7,2.2 -1.8,2.2 z m -8.5,7.4 c 2,4.9 2,4.9 2,4.9 l 1.3,-5.6 -1.6,1.7 -1.7,-1 z" + class="st32" + inkscape:label="GUK1_2 f" + inkscape:connector-curvature="0" + id="F_GUK1_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1386,271.61855 c -6.9,-2 -6.9,-2 -6.9,-2 l 6.8,-2.4 -1.7,2.2 1.8,2.2 z m 3.5,7.4 c 2,4.9 2,4.9 2,4.9 l 1.3,-5.6 -1.6,1.7 -1.7,-1 z" + class="st32" + inkscape:label="GUK1_2 b" + inkscape:connector-curvature="0" + id="B_GUK1_2" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1715" + class="st15 st16" + x="1420.6156" + y="273.48557">dGMP</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.68470001" + d="m 1156.6,213.31855 c -2.4,6.7 3.6,10.9 3.6,10.9 m 15.7,0.2 c -26.9,0 -26.9,0 -26.9,0 m 19.4,-11.1 c 2.4,6.7 -3.6,10.9 -3.6,10.9" + class="st163" + inkscape:label="AK2_TAF9_AK1_AK7_AK3_AK5_AKD1_AK4_AK8_1" + inkscape:connector-curvature="0" + id="R_AK2_TAF9_AK1_AK7_AK3_AK5_AKD1_AK4_AK8_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1152.2,221.91855 c -6.9,2 -6.9,2 -6.9,2 l 6.8,2.4 -1.7,-2.2 1.8,-2.2 z m 1.9,-8.8 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z" + class="st32" + inkscape:label="AK2_TAF9_AK1_AK7_AK3_AK5_AKD1_AK4_AK8_1 f" + inkscape:connector-curvature="0" + id="F_AK2_TAF9_AK1_AK7_AK3_AK5_AKD1_AK4_AK8_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1175.9,222.21855 c 6.9,2 6.9,2 6.9,2 l -6.8,2.4 1.7,-2.2 -1.8,-2.2 z m -8.6,-9.1 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z" + class="st32" + inkscape:label="AK2_TAF9_AK1_AK7_AK3_AK5_AKD1_AK4_AK8_1 b" + inkscape:connector-curvature="0" + id="B_AK2_TAF9_AK1_AK7_AK3_AK5_AKD1_AK4_AK8_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1238.3,226.01855 c 6.9,-2 6.9,-2 6.9,-2 l -6.8,-2.4 1.7,2.2 -1.8,2.2 z m -8.5,8.6 c 2,4.9 2,4.9 2,4.9 l 1.3,-5.6 -1.6,1.7 -1.7,-1 z" + class="st32" + inkscape:label="RRM2B_TXN_RRM1_RRM2B_2 f" + inkscape:connector-curvature="0" + id="F_RRM2B_TXN_RRM1_RRM2B_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 937.8,280.91855 c 7.2,-2.4 7.2,-2.4 7.2,-2.4 l -7.4,-1.9 1.9,2.1 -1.7,2.2 z m -8.4,-10.3 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -18,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -21,-0.9 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -24,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -22.5,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -39,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z" + class="st22" + inkscape:label="UMPS_2 F" + inkscape:connector-curvature="0" + id="F_UMPS_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.48839998" + d="m 965.8,316.01855 c 2.2,7.3 2.2,7.3 2.2,7.3 l 2,-7.4 -2.1,1.9 -2.1,-1.8 z m 12.7,-5.1 c 4.3,-1.4 4.3,-1.4 4.3,-1.4 l -4.4,-1 1.1,1.1 -1,1.3 z" + class="st164" + inkscape:label="CMPK2_CMPK1_1 f" + inkscape:connector-curvature="0" + id="F_CMPK2_CMPK1_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.48839998" + d="m 970,295.11855 c -2.2,-7.3 -2.2,-7.3 -2.2,-7.3 l -2,7.4 2.1,-1.9 2.1,1.8 z m 8.5,4.8 c 4.3,-1.4 4.3,-1.4 4.3,-1.4 l -4.4,-1 1.1,1.1 -1,1.3 z" + class="st164" + inkscape:label="CMPK2_CMPK1_1 b" + inkscape:connector-curvature="0" + id="B_CMPK2_CMPK1_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.31130004" + d="m 933.3,323.31855 c -1.9,-4.3 -1.9,-4.3 -1.9,-4.3 l -1.4,4.4 1.6,-1.2 1.7,1.1 z m -11,11.6 c -7.2,-2.4 -7.2,-2.4 -7.2,-2.4 l 7.4,-1.9 -1.9,2.1 1.7,2.2 z" + class="st165" + inkscape:label="RRM2B_TXN_RRM1_RRM2_1 f" + inkscape:connector-curvature="0" + id="F_RRM2B_TXN_RRM1_RRM2_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.31130004" + d="m 836,334.81855 c -7.2,-2.4 -7.2,-2.4 -7.2,-2.4 l 7.4,-1.9 -1.9,2.1 1.7,2.2 z m 8.7,-11.2 c -1.9,-4.3 -1.9,-4.3 -1.9,-4.3 l -1.4,4.4 1.6,-1.2 1.7,1.1 z" + class="st165" + inkscape:label="CMPK1_DTYMK f" + inkscape:connector-curvature="0" + id="F_CMPK1_DTYMK" /><path + style="fill:none;stroke:#000000;stroke-width:2.31130004" + d="m 859.9,334.81855 c 7.2,-2.4 7.2,-2.4 7.2,-2.4 l -7.4,-1.9 1.9,2.1 -1.7,2.2 z m -6.8,-10.8 c 1.9,-4.3 1.9,-4.3 1.9,-4.3 l 1.4,4.4 -1.6,-1.2 -1.7,1.1 z" + class="st165" + inkscape:label="CMPK1_DTYMK b" + inkscape:connector-curvature="0" + id="B_CMPK1_DTYMK" /><path + style="fill:none;stroke:#000000;stroke-width:2.31130004" + d="m 731.1,335.41855 c -7.2,-2.4 -7.2,-2.4 -7.2,-2.4 l 7.4,-1.9 -1.9,2.1 1.7,2.2 z m 9.1,-12.4 c -1.7,-4.7 -1.7,-4.7 -1.7,-4.7 l -1.1,4.8 1.3,-1.3 1.5,1.2 z" + class="st165" + inkscape:label="TYMS " + inkscape:connector-curvature="0" + id="F_TYMS" /><path + style="fill:none;stroke:#000000;stroke-width:2.31130004" + d="m 770.6,330.81855 c 7.2,2.4 7.2,2.4 7.2,2.4 l -7.4,1.9 1.9,-2.1 -1.7,-2.2 z m -4.7,-8.4 c -1.9,-5.3 -1.9,-5.3 -1.9,-5.3 l -1.8,5.3 1.8,-1.3 1.9,1.3 z" + class="st165" + inkscape:label="TYMS b" + inkscape:connector-curvature="0" + id="B_TYMS" /><path + style="fill:none;stroke:#000000;stroke-width:1.82930005" + d="m 995.7,334.41855 c -7.4,-1.9 -7.4,-1.9 -7.4,-1.9 l 7.2,-2.4 -1.8,2.2 2,2.1 z m 3.8,6 c 1.6,4.7 1.6,4.7 1.6,4.7 l 2.4,-4.6 -2.1,1.1 -1.9,-1.2 z" + class="st109" + inkscape:label="NME2_NME3_NME4_NME5_NME2P1_NME7_NME6_NME1_NME2_3 f" + inkscape:connector-curvature="0" + id="F_NME2_NME3_NME4_NME5_NME2P1_NME7_NME6_NME1_NME2_3" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1093.9,325.01855 c -1.6,-6.1 -1.6,-6.1 -1.6,-6.1 l -1.3,6.2 1.4,-1.6 1.5,1.5 z m 9.7,9.9 c 7.2,-2.4 7.2,-2.4 7.2,-2.4 l -7.4,-1.9 1.9,2.1 -1.7,2.2 z" + class="st73" + inkscape:label="CTPS2_GATM_CTPS1 f" + inkscape:connector-curvature="0" + id="F_CTPS2_GATM_CTPS1" /><text + style="font-size:10px;font-family:Calibri" + id="text1731" + class="st17 st18" + x="1236.1302" + y="316.99045">ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1733" + class="st17 st18" + x="1216.7562" + y="317.36545">ADP</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1229.5,324.71855 c -1.6,-6.1 -1.6,-6.1 -1.6,-6.1 l -1.3,6.2 1.4,-1.6 1.5,1.5 z m -7,5.6 c -7.4,1.9 -7.4,1.9 -7.4,1.9 l 7.2,2.4 -1.8,-2.2 2,-2.1 z" + class="st73" + inkscape:label="CMPK2_CMPK1_2 b" + inkscape:connector-curvature="0" + id="B_CMPK2_CMPK1_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 1246.1,335.71855 c 7.2,-2.5 7.2,-2.5 7.2,-2.5 l -7.4,-1.8 1.9,2.1 -1.7,2.2 z m -3.6,-10.9 c -1.1,-5.1 -1.1,-5.1 -1.1,-5.1 l -1.7,5 1.5,-1.2 1.3,1.3 z" + class="st22" + inkscape:label="CMPK2_CMPK1_2 f" + inkscape:connector-curvature="0" + id="F_CMPK2_CMPK1_2" /><path + style="fill:none;stroke:#000000;stroke-width:1.82930005" + d="m 1218.5,332.61855 28.3,0.4 m -18.4,-9.2 c -2.2,5.6 3.9,8.9 3.9,8.9 m 4.8,0 c 5,-0.9 4,-8.9 4,-8.9" + class="st109" + inkscape:label="CMPK2_CMPK1_2" + inkscape:connector-curvature="0" + id="R_CMPK2_CMPK1_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.31130004" + d="m 1196.6,360.01855 c 2.4,7.2 2.4,7.2 2.4,7.2 l 1.9,-7.4 -2.1,1.9 -2.2,-1.7 z m -6.1,-7.6 c -4.6,1 -4.6,1 -4.6,1 l 2.7,-3.7 0,1.9 1.9,0.8 z" + class="st165" + inkscape:connector-curvature="0" + id="F_RRM2B_TXN_RRM1_RRM2_2" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1739" + class="st15 st16" + x="1258.7123" + y="382.35764">dCMP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1741" + class="st17 st18" + x="1236.1302" + y="361.80984">ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1743" + class="st17 st18" + x="1216.7562" + y="362.36545">ADP</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1229.5,369.71855 c -1.6,-6.1 -1.6,-6.1 -1.6,-6.1 l -1.3,6.2 1.4,-1.6 1.5,1.5 z m -7,5.6 c -7.4,1.9 -7.4,1.9 -7.4,1.9 l 7.2,2.4 -1.8,-2.2 2,-2.1 z" + class="st73" + inkscape:label="CMPK2_CMPK1_3 b" + inkscape:connector-curvature="0" + id="B_CMPK2_CMPK1_3" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 1246.1,380.71855 c 7.2,-2.5 7.2,-2.5 7.2,-2.5 l -7.4,-1.8 1.9,2.1 -1.7,2.2 z m -3.6,-10.9 c -1.1,-5.1 -1.1,-5.1 -1.1,-5.1 l -1.7,5 1.5,-1.2 1.3,1.3 z" + class="st22" + inkscape:label="CMPK2_CMPK1_3 f" + inkscape:connector-curvature="0" + id="F_CMPK2_CMPK1_3" /><path + style="fill:none;stroke:#000000;stroke-width:1.82930005" + d="m 1218.5,377.61855 28.3,0.4 m -18.4,-9.2 c -2.2,5.6 3.9,8.9 3.9,8.9 m 4.8,0 c 5,-0.9 4,-8.9 4,-8.9" + class="st109" + inkscape:label="CMPK2_CMPK1_3" + inkscape:connector-curvature="0" + id="R_CMPK2_CMPK1_3" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 236.8,382.21855 c 7,-1.3 7,-1.3 7,-1.3 l -6.9,-1.9 1.7,1.7 -1.8,1.5 z m -52.2,-23.9 c -6.2,2.5 -6.2,2.5 -6.2,2.5 l 6.5,1.5 -1.7,-1.8 1.4,-2.2 z" + class="st73" + inkscape:label="MTHFD1_3 f" + inkscape:connector-curvature="0" + id="F_MTHFD1_3" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 206.6,426.41855 c -6.2,2.5 -6.2,2.5 -6.2,2.5 l 6.5,1.5 -1.7,-1.8 1.4,-2.2 z m 31.7,-24 c 7,-1.3 7,-1.3 7,-1.3 l -6.9,-1.9 1.7,1.7 -1.8,1.5 z" + class="st73" + inkscape:label="MTHFD1_3 b" + inkscape:connector-curvature="0" + id="B_MTHFD1_3" /><text + style="font-size:9.99962234px;font-family:Calibri" + id="text1750" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="301.1604" + y="383.42343">H</text> +<text + style="font-size:6.09346962px;font-family:Calibri" + id="text1752" + class="st17 st26" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="307.39139" + y="385.42346">2</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text1754" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="310.4798" + y="383.42337">O</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.29760003" + d="m 290,301.91855 c 1.6,-5.3 17.5,-4.5 17.5,-4.5 m -2.3,19.7 c -9.8,2.5 -15.9,-3.8 -15.9,-3.8 m -0.3,11.1 0.2,-34.2" + class="st79" + inkscape:label="MTHFD2_2" + inkscape:connector-curvature="0" + id="R_MTHFD2_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 287,292.01855 c 2.3,-6.3 2.3,-6.3 2.3,-6.3 l 1.6,6.5 -1.9,-1.7 -2,1.5 z m 15.6,3.3 c 7,1.6 7,1.6 7,1.6 l -6.9,1.6 1.7,-1.6 -1.8,-1.6 z" + class="st73" + inkscape:label="MTHFD2_2 f" + inkscape:connector-curvature="0" + id="F_MTHFD2_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 301.3,316.11855 c 7,1.6 7,1.6 7,1.6 l -6.9,1.6 1.7,-1.6 -1.8,-1.6 z m -10.5,6.6 c -2,7.3 -2,7.3 -2,7.3 l -2.3,-7.3 2.2,1.8 2.1,-1.8 z" + class="st73" + inkscape:label="MTHFD2_2 b" + inkscape:connector-curvature="0" + id="B_MTHFD2_2" /><text + style="font-size:10px;font-family:Calibri" + id="text1759" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="311.63144" + y="319.94809">NADH</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text1761" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="307.66241" + y="303.30228">NAD</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 402.2,547.01855 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m 34,12.7 c 6.3,-2.3 6.3,-2.3 6.3,-2.3 l -6.5,-1.6 1.7,1.9 -1.5,2 z" + class="st30" + inkscape:label="PEPCK f" + inkscape:connector-curvature="0" + id="F_PEPCK" /><path + style="fill:none;stroke:#000000;stroke-width:2.82299995" + d="m 268.8,649.41855 c 2.3,7.2 2.3,7.2 2.3,7.2 l 2,-7.3 -2.1,1.9 -2.2,-1.8 z m -11.1,-9.3 c -5.1,1.5 -5.1,1.5 -5.1,1.5 l 5.5,1.8 -1.5,-1.7 1.1,-1.6 z" + class="st45" + inkscape:label="FH_3 f" + inkscape:connector-curvature="0" + id="F_FH_3" /><path + style="fill:none;stroke:#000000;stroke-width:2.23090005" + d="m 1444.3,1060.1186 c 2.4,-5.7 2.4,-5.7 2.4,-5.7 l 2,5.8 -2.1,-1.5 -2.3,1.4 z m 57.4,10.4 c 6.6,3 6.6,3 6.6,3 l -7.1,1.4 2,-2 -1.5,-2.4 z" + class="st37" + inkscape:connector-curvature="0" + id="B_SLC25A5_SLC25A4_SLC25A6" /><path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 1050.3,691.11855 c 2.2,7.3 2.2,7.3 2.2,7.3 l 2.2,-7.3 -2.2,1.8 -2.2,-1.8 z m 11.6,-3.8 c 4.7,1.4 4.7,1.4 4.7,1.4 l -5.1,1.5 1.4,-1.4 -1,-1.5 z" + class="st14" + inkscape:label="TransportGlu f" + inkscape:connector-curvature="0" + id="F_TransportGlu" /><path + style="fill:none;stroke:#000000;stroke-width:2.15549994" + d="m 954.1,690.71855 c 2.2,7.1 2.2,7.1 2.2,7.1 l 2.2,-7.1 -2.2,1.8 -2.2,-1.8 z m 12.5,-2.2 c 4.7,1.3 4.7,1.3 4.7,1.3 l -5.1,1.4 1.4,-1.4 -1,-1.3 z" + class="st166" + inkscape:label="TransportGln f" + inkscape:connector-curvature="0" + id="F_TransportGln" /><path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 956,636.91855 c 2.2,7.3 2.2,7.3 2.2,7.3 l 2.2,-7.3 -2.2,1.8 -2.2,-1.8 z m 77.1,-13.1 c -1.4,4.7 -1.4,4.7 -1.4,4.7 l -1.5,-5.1 1.4,1.4 1.5,-1 z m -48,0.4 c -1.4,4.7 -1.4,4.7 -1.4,4.7 l -1.5,-5.1 1.4,1.4 1.5,-1 z" + class="st14" + inkscape:label="GS f" + inkscape:connector-curvature="0" + id="F_GS" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1022.5,652.11855 c 6.9,2.1 6.9,2.1 6.9,2.1 l -6.9,2.3 1.7,-2.2 -1.7,-2.2 z m -14.8,-6.7 c 1.4,-4.7 1.4,-4.7 1.4,-4.7 l 1.5,5.1 -1.4,-1.4 -1.5,1 z" + class="st32" + inkscape:label="GLS2 f" + inkscape:connector-curvature="0" + id="F_GLS2" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1029.4,709.51855 c 6.9,-2.1 6.9,-2.1 6.9,-2.1 l -6.9,-2.3 1.7,2.2 -1.7,2.2 z m -17.8,-8.9 c 0.9,-4.9 0.9,-4.9 0.9,-4.9 l -3.6,3.9 1.9,-0.6 0.8,1.6 z" + class="st32" + inkscape:label="GLS f" + inkscape:connector-curvature="0" + id="F_GLS" /><path + style="fill:none;stroke:#000000;stroke-width:1.99090004" + d="m 1270.4,787.81855 c 2.8,-7.3 -3.1,-12.1 -3.1,-12.1 m 49.7,12.1 c 2.8,-7.3 -3.1,-12.1 -3.1,-12.1 m -17.1,12.1 c 2.8,-7.3 -3.1,-12.1 -3.1,-12.1 m -53.7,0.4 c -5.3,0.6 -5,7.6 -5,7.6 m 89.5,-8 c -99.3,0 -99.3,0 -99.3,0 m 29.8,0.4 c -5.3,0.6 -5,7.6 -5,7.6" + class="st167" + inkscape:label="CPS1" + inkscape:connector-curvature="0" + id="R_CPS1" /><text + style="font-size:16.00031662px;font-family:Calibri-Bold" + id="text1772" + class="st15 st16" + transform="matrix(0.99998015,0.00630041,-0.00630041,0.99998015,0,0)" + x="1205.1744" + y="771.00928">CP</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1351.5,622.81855 c -6.9,-1.7 -6.9,-1.7 -6.9,-1.7 l 5.5,4.6 -0.8,-2.2 2.2,-0.7 z m 11,-3.3 c -1.8,-7.4 -1.8,-7.4 -1.8,-7.4 l -2.5,7.2 2.2,-1.7 2.1,1.9 z" + class="st73" + inkscape:label="ALDH4A1_2 f" + inkscape:connector-curvature="0" + id="F_ALDH4A1_2" /><text + style="font-size:9.99962234px;font-family:Calibri" + id="text1775" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="1386.1115" + y="542.35461">Gly</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text1777" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="1404.1106" + y="542.55579">GA</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 952,862.81855 c 7.2,-2.3 7.2,-2.3 7.2,-2.3 l -7.3,-2 1.9,2.1 -1.8,2.2 z m -12.1,9.3 c 1.3,7 1.3,7 1.3,7 l 1.9,-6.9 -1.7,1.7 -1.5,-1.8 z" + class="st22" + inkscape:label="CA5B_CA5A f" + inkscape:connector-curvature="0" + id="F_CA5B_CA5A" /><text + style="font-size:9.99962234px;font-family:Calibri" + id="text1780" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="665.34772" + y="1031.6384">H</text> +<text + style="font-size:6.09346962px;font-family:Calibri" + id="text1782" + class="st17 st26" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="671.57819" + y="1033.6384">2</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text1784" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="674.66699" + y="1031.6384">O</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.29760003" + d="m 707.7,1012.8186 c 2.9,-9.7 -3.2,-16.00005 -3.2,-16.00005 m -47.9,0.2 61.6,-0.1 m -33,15.90005 c 2.9,-9.7 -3.2,-16.00005 -3.2,-16.00005 m -14.3,0.3 c -5.3,1.4 -5.1,17.30005 -5.1,17.30005" + class="st79" + inkscape:label="SHMT1_2 " + inkscape:connector-curvature="0" + id="R_SHMT1_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 707,1008.9186 c 1.3,7 1.3,7 1.3,7 l 1.9,-6.9 -1.7,1.7 -1.5,-1.8 z m 10.5,-9.70005 c 6.3,-2.3 6.3,-2.3 6.3,-2.3 l -6.5,-1.7 1.7,1.9 -1.5,2.1 z m -33,9.70005 c 1.3,7 1.3,7 1.3,7 l 1.9,-6.9 -1.7,1.7 -1.5,-1.8 z" + class="st73" + inkscape:label="SHMT1_2 f" + inkscape:connector-curvature="0" + id="F_SHMT1_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 1442.5,809.71855 c -7.2,2.4 -7.2,2.4 -7.2,2.4 l 7.4,1.9 -1.9,-2.1 1.7,-2.2 z" + class="st22" + inkscape:label="TransportFolate f" + inkscape:connector-curvature="0" + id="path1985" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 1489.5,814.81855 c 7.2,-2.4 7.2,-2.4 7.2,-2.4 l -7.4,-1.9 1.9,2.1 -1.7,2.2 z" + class="st22" + inkscape:label="SLC16A3_SLC16A1_SLC16A5_2 f" + inkscape:connector-curvature="0" + id="F_SLC16A3_SLC16A1_SLC16A5_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 1490.3,756.31855 c 7.2,-2.3 7.2,-2.3 7.2,-2.3 l -7.3,-2 1.9,2.1 -1.8,2.2 z" + class="st22" + inkscape:transform-center-y="-3.0492074" + inkscape:transform-center-x="0.87100132" + inkscape:label="Transport_serine b" + inkscape:connector-curvature="0" + id="B_Transport_serine" /><text + style="font-size:10.00011921px;font-family:Calibri" + id="text1791" + class="st17 st18" + transform="matrix(0.99998813,0.00487302,-0.00487302,0.99998813,0,0)" + x="835.31476" + y="1042.428">formate+ATP</text> +<text + style="font-size:10.00011921px;font-family:Calibri" + id="text1793" + class="st17 st18" + transform="matrix(0.99998813,0.00487302,-0.00487302,0.99998813,0,0)" + x="891.94086" + y="1042.8938">ADP+Pi</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.80649996" + d="m 1525.5,392.51855 c -5.4,-1.7 -4.9,-14 -4.9,-14 m 10.8,14.3 c 5.5,-1.1 4.1,-10.6 4.1,-10.6 m 9,10.6 -33.9,-0.3" + class="st116" + inkscape:label="LHPP_PPA2_PRUNE_EIF4A2_NAV2_PPA1_1" + inkscape:connector-curvature="0" + id="R_LHPP_PPA2_PRUNE_EIF4A2_NAV2_PPA1_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 1543.5,394.81855 c 7.2,-2.3 7.2,-2.3 7.2,-2.3 l -7.3,-2 1.9,2.1 -1.8,2.2 z m -6.5,-11.3 c -1.7,-5.2 -1.7,-5.2 -1.7,-5.2 l -1.4,5.3 1.5,-1.4 1.6,1.3 z" + class="st22" + inkscape:label="LHPP_PPA2_PRUNE_EIF4A2_NAV2_PPA1_1 f" + inkscape:connector-curvature="0" + id="F_LHPP_PPA2_PRUNE_EIF4A2_NAV2_PPA1_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 1543.5,348.31855 c 7.2,-2.3 7.2,-2.3 7.2,-2.3 l -7.3,-2 1.9,2.1 -1.8,2.2 z m -6.5,-11.3 c -1.7,-5.2 -1.7,-5.2 -1.7,-5.2 l -1.4,5.3 1.5,-1.4 1.6,1.3 z" + class="st22" + inkscape:label="CA12_CA2_CA9_CA14_CA1_CA3_CA4_CA7_CA13 f" + inkscape:connector-curvature="0" + id="F_CA12_CA2_CA9_CA14_CA1_CA3_CA4_CA7_CA13" /><path + style="fill:none;stroke:#000000;stroke-width:9.22049999;stroke-linecap:round;stroke-linejoin:round;stroke-miterlimit:2" + inkscape:connector-curvature="0" + d="m 290.9,65.418554 1141.8,0 c 111.4,0 201.6,90.299996 201.6,201.599996 l 0,777.20005 c 0,111.4 -90.3,201.6 -201.6,201.6 l -1141.8,0 c -111.4,0 -201.6,-90.3 -201.6,-201.6 l 0,-777.10005 c 0,-111.4 90.3,-201.699996 201.6,-201.699996 z" + class="st168" + id="rect3173" /><text + style="font-size:10px;font-family:Calibri" + id="text1799" + class="st17 st18" + x="1582.0922" + y="894.75116">AMP+PPi</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1801" + class="st17 st18" + x="1583.309" + y="884.0647">ATP+CoA</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.92519999" + d="m 1565.4,888.01855 c 0.9,5 9.3,4.4 9.3,4.4 m 4.5,-10.4 c -8.6,-2.3 -13.9,3.4 -13.9,3.4 m -0.1,-11.9 c 0,24.9 0,24.9 0,24.9" + class="st148" + inkscape:label="palmitateActivation" + inkscape:connector-curvature="0" + id="R_palmitateActivation" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1567.3,897.51855 c -2,6.9 -2,6.9 -2,6.9 l -2.4,-6.8 2.2,1.7 2.2,-1.8 z m 7.4,-3.5 c 4.9,-2 4.9,-2 4.9,-2 l -5.6,-1.3 1.7,1.6 -1,1.7 z" + class="st32" + inkscape:label="palmitateActivation f" + inkscape:connector-curvature="0" + id="F_palmitateActivation" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1805" + class="st15 st16" + x="1547.4984" + y="863.4964">Palm</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1807" + class="st15 st16" + x="1537.4193" + y="918.66138">PalmCoA</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1809" + class="st17 st18" + x="1582.8129" + y="953.61157">CoA</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1811" + class="st17 st18" + x="1582.9476" + y="942.5647">carnitine</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.92519999" + d="m 1565.2,932.01855 c 0,24.9 0,24.9 0,24.9 m 9.6,-16.5 c -5.9,-2.4 -9.5,3.6 -9.5,3.6 m 0.1,2.5 c 0.9,5 9.3,4.4 9.3,4.4" + class="st148" + inkscape:label="carnitineAcylTransferaseI" + inkscape:connector-curvature="0" + id="R_carnitineAcylTransferaseI" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1567.3,933.41855 c -2,-6.9 -2,-6.9 -2,-6.9 l -2.4,6.8 2.2,-1.7 2.2,1.8 z m 7.4,8.6 c 4.9,-2 4.9,-2 4.9,-2 l -5.6,-1.3 1.7,1.6 -1,1.7 z" + class="st32" + inkscape:label="carnitineAcylTransferaseI b" + inkscape:connector-curvature="0" + id="B_carnitineAcylTransferaseI" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1567.3,956.01855 c -2,6.9 -2,6.9 -2,6.9 l -2.4,-6.8 2.2,1.7 2.2,-1.8 z m 7.4,-3.5 c 4.9,-2 4.9,-2 4.9,-2 l -5.6,-1.3 1.7,1.6 -1,1.7 z" + class="st32" + inkscape:label="carnitineAcylTransferaseI f" + inkscape:connector-curvature="0" + id="F_carnitineAcylTransferaseI" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1816" + class="st15 st16" + x="1509.2845" + y="977.52167">PalmCarnitine</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.56680012" + d="m 1477.7,972.41855 c 5.3,-1.5 4.6,-15.8 4.6,-15.8 m -29,0 c -2.5,10 3.7,16.2 3.7,16.2 m -18.4,0.1 c 58.9,0 58.9,0 58.9,0" + class="st169" + inkscape:label="translocase" + inkscape:connector-curvature="0" + id="R_translocase" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1483.8,956.91855 c -2,-4.9 -2,-4.9 -2,-4.9 l -1.3,5.6 1.6,-1.7 1.7,1 z m -43.4,14 c -6.9,2 -6.9,2 -6.9,2 l 6.8,2.4 -1.7,-2.2 1.8,-2.2 z" + class="st32" + inkscape:label="translocase f" + inkscape:connector-curvature="0" + id="F_translocase" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1454.7,956.91855 c -2,-4.9 -2,-4.9 -2,-4.9 l -1.3,5.6 1.6,-1.7 1.7,1 z m 40.6,13.9 c 6.9,2 6.9,2 6.9,2 l -6.8,2.4 1.7,-2.2 -1.8,-2.2 z" + class="st32" + inkscape:connector-curvature="0" + id="path3243" /><text + style="font-size:10px;font-family:Calibri" + id="text1821" + class="st17 st18" + x="1476.4476" + y="948.5647">carnitine</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1823" + class="st17 st18" + x="1425.4476" + y="948.5647">carnitine</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1825" + class="st15 st16" + x="1333.4193" + y="977.16138">PalmCarnitine</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1315.8,962.01855 c -2,-4.9 -2,-4.9 -2,-4.9 l -1.3,5.6 1.6,-1.7 1.7,1 z m 3.6,7.4 c 6.9,2 6.9,2 6.9,2 l -6.8,2.4 1.7,-2.2 -1.8,-2.2 z" + class="st32" + inkscape:connector-curvature="0" + id="path3291" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1305.3,962.01855 c -2,-4.9 -2,-4.9 -2,-4.9 l -1.3,5.6 1.6,-1.7 1.7,1 z m -8.5,7.4 c -6.9,2 -6.9,2 -6.9,2 l 6.8,2.4 -1.7,-2.2 1.8,-2.2 z" + class="st32" + inkscape:label="carnitineAcylTransferaseII f" + inkscape:connector-curvature="0" + id="F_carnitineAcylTransferaseII" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1309.9,971.31855 c 5,-0.9 4.4,-9.3 4.4,-9.3 m -10.6,-0.1 c -2.4,5.9 3.6,9.5 3.6,9.5 m -12,0 c 24.9,0 24.9,0 24.9,0" + class="st32" + inkscape:label="carnitineAcylTransferaseII " + inkscape:connector-curvature="0" + id="R_carnitineAcylTransferaseII" /><text + style="font-size:10px;font-family:Calibri" + id="text1830" + class="st17 st18" + x="1311.5248" + y="953.61157">CoA</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1832" + class="st17 st18" + x="1271.8422" + y="952.50116">carnitine</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1834" + class="st15 st16" + x="1222.6273" + y="976.7356">PalmCoA</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1836" + class="st17 st18" + x="1206.2504" + y="990.83716">7 CoA</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1838" + class="st17 st18" + x="1171.7504" + y="990.83716">7 NAD</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1840" + class="st17 st18" + x="1141.7504" + y="990.83716">7 FAD</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1842" + class="st17 st18" + x="1110.2504" + y="990.83716">7 H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1844" + class="st17 st26" + x="1123.809" + y="992.83716">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1846" + class="st17 st18" + x="1126.8978" + y="990.83716">O</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1848" + class="st17 st18" + x="1165.7504" + y="951.83716">7 NADH</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1850" + class="st17 st18" + x="1128.2504" + y="951.83716">7 FADH</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1852" + class="st17 st26" + x="1157.7816" + y="953.83716">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1854" + class="st17 st18" + x="1105.7504" + y="951.83716">7 H</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.93280005" + d="m 1120.2,971.91855 c -5.6,-1.9 -4.1,-12.1 -4.1,-12.1 m 35.6,12.1 c -5.6,-1.9 -4.1,-12.1 -4.1,-12.1 m 35.6,12.1 c -5.6,-1.9 -4.1,-12.1 -4.1,-12.1 m -58.4,11.7 c 5.6,1.5 5.5,11.8 5.5,11.8 m 24.5,-11.8 c 5.6,1.5 5.5,11.8 5.5,11.8 m 29,-11.8 c 5.6,1.5 5.5,11.8 5.5,11.8 m 13.9,-12.1 c 5.6,1.5 5.5,11.8 5.5,11.8 m 10.1,-11.6 -112,0.1" + class="st170" + inkscape:label="betaOxidation " + inkscape:connector-curvature="0" + id="R_betaOxidation" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1109.3,969.41855 c -6.9,2 -6.9,2 -6.9,2 l 6.8,2.4 -1.7,-2.2 1.8,-2.2 z m 8.5,-8.8 c -2,-4.9 -2,-4.9 -2,-4.9 l -1.3,5.6 1.6,-1.7 1.7,1 z m 31.5,0 c -2,-4.9 -2,-4.9 -2,-4.9 l -1.3,5.6 1.6,-1.7 1.7,1 z m 31.5,0 c -2,-4.9 -2,-4.9 -2,-4.9 l -1.3,5.6 1.6,-1.7 1.7,1 z" + class="st32" + inkscape:label="betaOxidation f" + inkscape:connector-curvature="0" + id="F_betaOxidation" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1858" + class="st15 st16" + x="1042.6273" + y="976.7356">8 AcCoA</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1567.3,874.91855 c -2,-6.9 -2,-6.9 -2,-6.9 l -2.4,6.8 2.2,-1.7 2.2,1.8 z m 7.4,8.6 c 4.9,-2 4.9,-2 4.9,-2 l -5.6,-1.3 1.7,1.6 -1,1.7 z" + class="st32" + inkscape:label="palmitateActivation b" + inkscape:connector-curvature="0" + id="B_palmitateActivation" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1861" + class="st15 st16" + x="1486.4927" + y="427.78244">ATP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1863" + class="st15 st16" + x="1554.2847" + y="427.81766">ADP</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.80649996" + d="m 1544.5,425.81855 -33.9,-0.3" + class="st116" + inkscape:label="ATPmaintenance " + inkscape:connector-curvature="0" + id="R_ATPmaintenance" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 1543.5,427.81855 c 7.2,-2.3 7.2,-2.3 7.2,-2.3 l -7.3,-2 1.9,2.1 -1.8,2.2 z" + class="st22" + inkscape:label="ATPmaintenancef" + inkscape:connector-curvature="0" + id="F_ATPmaintenance" /><text + style="font-size:14px;font-family:Calibri-Bold" + id="text1867" + class="st15 st38" + x="259.638" + y="851.84009">Pi</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1869" + class="st15 st16" + x="278.91238" + y="912.47101">Orn</text> +<path + style="fill:none;stroke:#000000;stroke-width:3.19709992" + d="m 237.8,908.91855 c -6,-8.4 -6,-12.6 -6.6,-16.9 m 29,16.8 c 5.9,-1.5 4.4,-13.9 4.4,-13.9 m 11.2,13.9 -60.2,-0.3" + class="st171" + inkscape:label="UniportOrnithine" + inkscape:connector-curvature="0" + id="R_UniportOrnithine" /><path + style="fill:none;stroke:#000000;stroke-width:2.32780004" + d="m 267.4,895.31855 c -0.6,-1.9 -1.3,-3.9 -1.9,-5.8 -0.9,1.9 -1.9,3.7 -2.8,5.6 0.8,-0.4 1.7,-0.9 2.5,-1.3 0.6,0.5 1.4,1 2.2,1.5 z m -51.1,11.2 c -2.4,0.8 -4.8,1.6 -7.2,2.4 2.5,0.6 4.9,1.3 7.4,1.9 -0.6,-0.7 -1.3,-1.4 -1.9,-2.1 0.6,-0.7 1.1,-1.4 1.7,-2.2 l 0,0 z" + class="st140" + inkscape:label="UniportOrnithine f" + inkscape:connector-curvature="0" + id="F_UniportOrnithine" /><text + style="font-size:14px;font-family:Calibri-Bold" + id="text1873" + class="st15 st38" + x="261.46759" + y="887.15851">H</text> +<text + style="font-size:14px;font-family:Calibri-Bold" + id="text1875" + class="st15 st38" + x="226.01099" + y="888.6438">H</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1877" + class="st15 st16" + x="180.79909" + y="912.72589">Orn</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1879" + class="st15 st16" + x="303.034" + y="950.73657">Orn</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1881" + class="st15 st16" + x="170.7791" + y="950.48169">Orn</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.32780004" + d="m 283.9,934.31855 c -0.6,-1.9 -1.3,-3.9 -1.9,-5.8 -0.9,1.9 -1.9,3.7 -2.8,5.6 0.8,-0.4 1.7,-0.9 2.5,-1.3 0.6,0.5 1.4,1 2.2,1.5 z m -50,2.4 c -2.4,-5.9 -2.4,-5.9 -2.4,-5.9 l -2.3,6 2.3,-1.5 2.4,1.4 z m -26.6,8.8 c -2.4,0.8 -4.8,1.6 -7.2,2.4 2.5,0.6 4.9,1.3 7.4,1.9 -0.6,-0.7 -1.3,-1.4 -1.9,-2.1 0.6,-0.7 1.1,-1.4 1.7,-2.2 z" + class="st140" + inkscape:connector-curvature="0" + id="path3519" /><path + style="fill:none;stroke:#000000;stroke-width:2.82299995" + d="m 218.4,948.01855 c -6.2,-6.3 -6.2,-9.5 -6.8,-12.7 m 65.1,12.5 c 5.9,-1.5 4.4,-13.9 4.4,-13.9 m -43.2,14.1 c -6.2,-6.3 -6.2,-9.5 -6.8,-12.7 m 29.1,12.5 c 5.9,-1.5 4.4,-13.9 4.4,-13.9 m 26.7,13.9 -84.7,-0.2" + class="st45" + inkscape:label="CotraspArgOrnA" + inkscape:connector-curvature="0" + id="R_CotraspArgOrnA" /><path + style="fill:none;stroke:#000000;stroke-width:2.35560012" + d="m 214.4,936.71855 c -2.4,-5.9 -2.4,-5.9 -2.4,-5.9 l -2.3,6 2.3,-1.5 2.4,1.4 z m 76.1,13.1 c 7.2,-2.3 7.2,-2.3 7.2,-2.3 l -7.3,-2 1.9,2.1 -1.8,2.2 z m -23.1,-15.5 c -0.6,-1.9 -1.3,-3.9 -1.9,-5.8 -0.9,1.9 -1.9,3.7 -2.8,5.6 0.8,-0.4 1.7,-0.9 2.5,-1.3 0.6,0.5 1.4,1 2.2,1.5 z" + class="st46" + inkscape:label="CotraspArgOrnA f" + inkscape:connector-curvature="0" + id="F_CotraspArgOrnA" /><text + style="font-size:14px;font-family:Calibri-Bold" + id="text1886" + class="st15 st38" + x="259.9368" + y="926.9231">H</text> +<text + style="font-size:14px;font-family:Calibri-Bold" + id="text1888" + class="st15 st38" + x="226.01099" + y="927.6438">H</text> +<text + style="font-size:14px;font-family:Calibri-Bold" + id="text1890" + class="st15 st38" + x="199.5208" + y="926.62427">Arg</text> +<text + style="font-size:14px;font-family:Calibri-Bold" + id="text1892" + class="st15 st38" + x="273.05161" + y="926.62427">Arg</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1894" + class="st15 st16" + x="300.10669" + y="992.00116">Orn</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1896" + class="st15 st16" + x="176.7791" + y="991.49146">Orn</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.32780004" + d="m 289.9,974.81855 c -0.6,-1.9 -1.3,-3.9 -1.9,-5.8 -0.9,1.9 -1.9,3.7 -2.8,5.6 0.8,-0.4 1.7,-0.9 2.5,-1.3 0.6,0.5 1.4,1 2.2,1.5 z m -76.6,11.2 c -2.4,0.8 -4.8,1.6 -7.2,2.4 2.5,0.6 4.9,1.3 7.4,1.9 -0.6,-0.7 -1.3,-1.4 -1.9,-2.1 0.6,-0.7 1.1,-1.4 1.7,-2.2 z m 60.1,-11.2 c -0.6,-1.9 -1.3,-3.9 -1.9,-5.8 -0.9,1.9 -1.9,3.7 -2.8,5.6 0.8,-0.4 1.7,-0.9 2.5,-1.3 0.6,0.5 1.4,1 2.2,1.5 z" + class="st140" + inkscape:label="CotraspArgOrnB f" + inkscape:connector-curvature="0" + id="F_CotraspArgOrnB" /><path + style="fill:none;stroke:#000000;stroke-width:3.13730001" + d="m 227.1,988.41855 c -5.9,-8.2 -5.9,-12.4 -6.5,-16.5 m 62.1,16.4 c 5.9,-1.5 4.4,-13.9 4.4,-13.9 m -41.5,14 c -5.9,-8.2 -5.9,-12.4 -6.5,-16.5 m 27.1,16.4 c 5.9,-1.5 4.4,-13.9 4.4,-13.9 m 26.7,13.9 -84.7,-0.2" + class="st172" + inkscape:label="CotraspArgOrnB" + inkscape:connector-curvature="0" + id="R_CotraspArgOrnB" /><text + style="font-size:14px;font-family:Calibri-Bold" + id="text1900" + class="st15 st38" + x="265.9368" + y="967.4231">H</text> +<text + style="font-size:14px;font-family:Calibri-Bold" + id="text1902" + class="st15 st38" + x="232.01099" + y="968.1438">H</text> +<text + style="font-size:14px;font-family:Calibri-Bold" + id="text1904" + class="st15 st38" + x="205.5208" + y="967.12427">Arg</text> +<text + style="font-size:14px;font-family:Calibri-Bold" + id="text1906" + class="st15 st38" + x="279.05161" + y="967.12427">Arg</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1908" + class="st15 st16" + x="303.034" + y="1030.2366">Ci</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1910" + class="st15 st16" + x="182.74879" + y="1032.5325">Ci</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.32780004" + d="m 283.9,1013.8186 c -0.6,-1.9 -1.3,-3.9 -1.9,-5.8 -0.9,1.9 -1.9,3.7 -2.8,5.6 0.8,-0.4 1.7,-0.9 2.5,-1.3 0.6,0.5 1.4,1 2.2,1.5 z m -50,2.4 c -2.4,-5.9 -2.4,-5.9 -2.4,-5.9 l -2.3,6 2.3,-1.5 2.4,1.4 z m -26.6,8.8 c -2.4,0.8 -4.8,1.6 -7.2,2.4 2.5,0.6 4.9,1.3 7.4,1.9 -0.6,-0.7 -1.3,-1.4 -1.9,-2.1 0.6,-0.7 1.1,-1.4 1.7,-2.2 z" + class="st140" + inkscape:label="CotraspArgCitrA b" + inkscape:connector-curvature="0" + id="B_CotraspArgCitrA" /><path + style="fill:none;stroke:#000000;stroke-width:2.82299995" + d="m 218.4,1027.5186 c -6.2,-6.3 -6.2,-9.5 -6.8,-12.7 m 65.1,12.5 c 5.9,-1.5 4.4,-13.9 4.4,-13.9 m -43.2,14.1 c -6.2,-6.3 -6.2,-9.5 -6.8,-12.7 m 29.1,12.5 c 5.9,-1.5 4.4,-13.9 4.4,-13.9 m 26.7,13.9 -84.7,-0.2" + class="st45" + inkscape:label="CotraspArgCitrA" + inkscape:connector-curvature="0" + id="R_CotraspArgCitrA" /><path + style="fill:none;stroke:#000000;stroke-width:2.35560012" + d="m 214.4,1016.2186 c -2.4,-5.9 -2.4,-5.9 -2.4,-5.9 l -2.3,6 2.3,-1.5 2.4,1.4 z m 76.1,13.1 c 7.2,-2.3 7.2,-2.3 7.2,-2.3 l -7.3,-2 1.9,2.1 -1.8,2.2 z m -23.1,-15.5 c -0.6,-1.9 -1.3,-3.9 -1.9,-5.8 -0.9,1.9 -1.9,3.7 -2.8,5.6 0.8,-0.4 1.7,-0.9 2.5,-1.3 0.6,0.5 1.4,1 2.2,1.5 z" + class="st46" + inkscape:label="CotraspArgCitrA f" + inkscape:connector-curvature="0" + id="F_CotraspArgCitrA" /><text + style="font-size:14px;font-family:Calibri-Bold" + id="text1915" + class="st15 st38" + x="259.9368" + y="1006.4231">H</text> +<text + style="font-size:14px;font-family:Calibri-Bold" + id="text1917" + class="st15 st38" + x="226.01099" + y="1007.1438">H</text> +<text + style="font-size:14px;font-family:Calibri-Bold" + id="text1919" + class="st15 st38" + x="199.5208" + y="1006.1243">Arg</text> +<text + style="font-size:14px;font-family:Calibri-Bold" + id="text1921" + class="st15 st38" + x="273.05161" + y="1006.1243">Arg</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.32780004" + d="m 282.4,1048.3186 c -0.6,-1.9 -1.3,-3.9 -1.9,-5.8 -0.9,1.9 -1.9,3.7 -2.8,5.6 0.8,-0.4 1.7,-0.9 2.5,-1.3 0.6,0.5 1.4,1 2.2,1.5 z m -76.6,11.2 c -2.4,0.8 -4.8,1.6 -7.2,2.4 2.5,0.6 4.9,1.3 7.4,1.9 -0.6,-0.7 -1.3,-1.4 -1.9,-2.1 0.6,-0.7 1.1,-1.4 1.7,-2.2 z m 60.1,-11.2 c -0.6,-1.9 -1.3,-3.9 -1.9,-5.8 -0.9,1.9 -1.9,3.7 -2.8,5.6 0.8,-0.4 1.7,-0.9 2.5,-1.3 0.6,0.5 1.4,1 2.2,1.5 z" + class="st140" + inkscape:label="CotraspArgCitrB f" + inkscape:connector-curvature="0" + id="F_CotraspArgCitrB" /><path + style="fill:none;stroke:#000000;stroke-width:3.13730001" + d="m 219.6,1061.9186 c -5.9,-8.2 -5.9,-12.4 -6.5,-16.5 m 62.1,16.4 c 5.9,-1.5 4.4,-13.9 4.4,-13.9 m -41.5,14 c -5.9,-8.2 -5.9,-12.4 -6.5,-16.5 m 27.1,16.4 c 5.9,-1.5 4.4,-13.9 4.4,-13.9 m 26.7,13.9 -84.7,-0.2" + class="st172" + inkscape:label="CotraspArgCitrB" + inkscape:connector-curvature="0" + id="R_CotraspArgCitrB" /><text + style="font-size:14px;font-family:Calibri-Bold" + id="text1925" + class="st15 st38" + x="258.4368" + y="1040.9231">H</text> +<text + style="font-size:14px;font-family:Calibri-Bold" + id="text1927" + class="st15 st38" + x="224.51099" + y="1041.6438">H</text> +<text + style="font-size:14px;font-family:Calibri-Bold" + id="text1929" + class="st15 st38" + x="198.0208" + y="1040.6243">Arg</text> +<text + style="font-size:14px;font-family:Calibri-Bold" + id="text1931" + class="st15 st38" + x="271.55161" + y="1040.6243">Arg</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1933" + class="st15 st16" + x="292.57349" + y="1066.5403">Ci</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1935" + class="st15 st16" + x="182.74879" + y="1067.0325">Ci</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1937" + class="st15 st16" + x="289.01248" + y="1101.4709">Arg</text> +<path + style="fill:none;stroke:#000000;stroke-width:3.19709992" + d="m 237.8,1097.9186 c -6,-8.4 -6,-12.6 -6.6,-16.9 m 29,16.8 c 5.9,-1.5 4.4,-13.9 4.4,-13.9 m 11.2,13.9 -60.2,-0.3" + class="st171" + inkscape:label="UniportArginine" + inkscape:connector-curvature="0" + id="R_UniportArginine" /><path + style="fill:none;stroke:#000000;stroke-width:2.32780004" + d="m 267.4,1084.3186 c -0.6,-1.9 -1.3,-3.9 -1.9,-5.8 -0.9,1.9 -1.9,3.7 -2.8,5.6 0.8,-0.4 1.7,-0.9 2.5,-1.3 0.6,0.5 1.4,1 2.2,1.5 z m -51.1,11.2 c -2.4,0.8 -4.8,1.6 -7.2,2.4 2.5,0.6 4.9,1.3 7.4,1.9 -0.6,-0.7 -1.3,-1.4 -1.9,-2.1 0.6,-0.7 1.1,-1.4 1.7,-2.2 z" + class="st140" + inkscape:label="UniportArginine f" + inkscape:connector-curvature="0" + id="F_UniportArginine" /><text + style="font-size:14px;font-family:Calibri-Bold" + id="text1941" + class="st15 st38" + x="261.46759" + y="1076.1584">H</text> +<text + style="font-size:14px;font-family:Calibri-Bold" + id="text1943" + class="st15 st38" + x="226.01099" + y="1077.6438">H</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1945" + class="st15 st16" + x="180.79909" + y="1101.7258">Arg</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1947" + class="st15 st16" + x="295.41238" + y="1140.4709">Ci</text> +<path + style="fill:none;stroke:#000000;stroke-width:3.19709992" + d="m 246.8,1136.9186 c -6,-8.4 -6,-12.6 -6.6,-16.9 m 29,16.8 c 5.9,-1.5 4.4,-13.9 4.4,-13.9 m 11.2,13.9 -60.2,-0.3" + class="st171" + inkscape:label="UniportCitrulline" + inkscape:connector-curvature="0" + id="R_UniportCitrulline" /><path + style="fill:none;stroke:#000000;stroke-width:2.32780004" + d="m 276.4,1123.3186 c -0.6,-1.9 -1.3,-3.9 -1.9,-5.8 -0.9,1.9 -1.9,3.7 -2.8,5.6 0.8,-0.4 1.7,-0.9 2.5,-1.3 0.6,0.5 1.4,1 2.2,1.5 z m -51.1,11.2 c -2.4,0.8 -4.8,1.6 -7.2,2.4 2.5,0.6 4.9,1.3 7.4,1.9 -0.6,-0.7 -1.3,-1.4 -1.9,-2.1 0.6,-0.7 1.1,-1.4 1.7,-2.2 z" + class="st140" + inkscape:label="UniportCitrulline f" + inkscape:connector-curvature="0" + id="F_UniportCitrulline" /><text + style="font-size:14px;font-family:Calibri-Bold" + id="text1951" + class="st15 st38" + x="270.46759" + y="1115.1584">H</text> +<text + style="font-size:14px;font-family:Calibri-Bold" + id="text1953" + class="st15 st38" + x="235.37189" + y="1114.1194">H</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1955" + class="st15 st16" + x="202.06329" + y="1141.4475">Ci</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.32780004" + d="m 275.3,1099.8186 c 2.4,-0.8 4.8,-1.6 7.2,-2.4 -2.5,-0.6 -4.9,-1.3 -7.4,-1.9 0.6,0.7 1.3,1.4 1.9,2.1 -0.6,0.8 -1.1,1.5 -1.7,2.2 z m -40.9,-15.5 c -0.6,-1.9 -1.3,-3.9 -1.9,-5.8 -0.9,1.9 -1.9,3.7 -2.8,5.6 0.8,-0.4 1.7,-0.9 2.5,-1.3 0.6,0.5 1.4,1 2.2,1.5 z" + class="st140" + inkscape:label="UniportArginine b" + inkscape:connector-curvature="0" + id="B_UniportArginine" /><path + style="fill:none;stroke:#000000;stroke-width:2.32780004" + d="m 243,1123.3186 c -0.6,-1.9 -1.3,-3.9 -1.9,-5.8 -0.9,1.9 -1.9,3.7 -2.8,5.6 0.8,-0.4 1.7,-0.9 2.5,-1.3 0.7,0.5 1.4,1 2.2,1.5 z m 41.3,15.5 c 2.4,-0.8 4.8,-1.6 7.2,-2.4 -2.5,-0.6 -4.9,-1.3 -7.4,-1.9 0.6,0.7 1.3,1.4 1.9,2.1 -0.6,0.8 -1.1,1.5 -1.7,2.2 z" + class="st140" + inkscape:label="UniportCitrulline b" + inkscape:connector-curvature="0" + id="B_UniportCitrulline" /><path + style="fill:none;stroke:#000000;stroke-width:2.22029996" + d="m 1039.7789,1224.1775 0.3,50.4" + class="st68" + inkscape:label="DM_10formylTHFc" + inkscape:connector-curvature="0" + id="R_DM_10formylTHFc" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1960" + class="st15 st16" + x="984.76355" + y="1218.4149">10-formylTHF</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.17810011" + d="m 1037.8789,1273.7775 2.2,7.2 2.2,-7.2 -2.2,1.8 -2.2,-1.8 z" + class="st63" + inkscape:label="DM_10formylTHFc f" + inkscape:connector-curvature="0" + id="F_DM_10formylTHFc" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1963" + class="st15 st16" + x="739.07251" + y="1219.4495">carnitine</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.17810011" + d="m 769.6,1234.7186 0,47.6" + class="st63" + inkscape:label="DM_Carnitine" + inkscape:connector-curvature="0" + id="R_DM_Carnitine" /><path + style="fill:none;stroke:#000000;stroke-width:2.17810011" + d="m 769.8,1233.4186 2.2,1.8 -2.2,-7.2 -2.2,7.2 2.2,-1.8 z" + class="st63" + inkscape:label="DM_Carnitine f" + inkscape:connector-curvature="0" + id="F_DM_Carnitine" /><path + style="fill:none;stroke:#000000;stroke-width:2.17810011" + d="m 1382.6,1269.2186 2.2,7.2 2.2,-7.2 -2.2,1.8 -2.2,-1.8 z" + class="st63" + inkscape:label="Palmitate_DM_COOP f" + inkscape:connector-curvature="0" + id="F_Palmitate_DM_COOP" /><path + style="fill:none;stroke:#000000;stroke-width:2.17810011" + d="m 1384.7,1222.0186 0,47.6" + class="st63" + inkscape:label="Palmitate_DM_COOP" + inkscape:connector-curvature="0" + id="R_Palmitate_DM_COOP" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1969" + class="st15 st16" + x="1377.4066" + y="1218.3489">Palm</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 1305.8,1276.7186 -0.3,-48.1" + class="st14" + inkscape:label="Arginine_DM_COOP" + inkscape:connector-curvature="0" + id="R_Arginine_DM_COOP" /><path + style="fill:none;stroke:#000000;stroke-width:2.22930002" + d="m 1267.8,1232.1186 2.2,-7.7 2.2,7.7 -2.2,-1.9 -2.2,1.9 z" + class="st69" + inkscape:label="Glutamate_DM_COOP b" + inkscape:connector-curvature="0" + id="B_Glutamate_DM_COOP" /><path + style="fill:none;stroke:#000000;stroke-width:3.16359997" + d="m 643.6,1230.3186 2.2,-6.9 2.2,6.9 -2.2,-1.7 -2.2,1.7 z" + class="st65" + inkscape:label="Ex_NH3 b" + inkscape:connector-curvature="0" + id="B_Ex_NH3" /><text + style="font-size:10px;font-family:Calibri" + id="text1974" + class="st17 st18" + x="1314.7279" + y="204.19505">ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1976" + class="st17 st18" + x="1294.9379" + y="204.31226">ADP</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.68470001" + d="m 1308.1,213.31855 c -2.4,6.7 3.6,10.9 3.6,10.9 m 15.7,0.2 c -26.9,0 -26.9,0 -26.9,0 m 19.4,-11.1 c 2.4,6.7 -3.6,10.9 -3.6,10.9" + class="st163" + inkscape:label="AK" + inkscape:connector-curvature="0" + id="R_AK" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1303.7,221.91855 c -6.9,2 -6.9,2 -6.9,2 l 6.8,2.4 -1.7,-2.2 1.8,-2.2 z m 1.9,-8.8 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z" + class="st32" + inkscape:label="AK b" + inkscape:connector-curvature="0" + id="B_AK" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1327.4,222.21855 c 6.9,2 6.9,2 6.9,2 l -6.8,2.4 1.7,-2.2 -1.8,-2.2 z m -8.6,-9.1 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z" + class="st32" + inkscape:label="AK f" + inkscape:connector-curvature="0" + id="F_AK" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1981" + class="st15 st16" + x="1341.2035" + y="225.97145">dAMP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1983" + class="st17 st18" + x="422.99298" + y="130.87186">H</text> +<text + style="font-size:6.5px;font-family:Calibri" + id="text1985" + class="st17 st173" + x="429.22339" + y="132.87186">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1987" + class="st17 st18" + x="432.51788" + y="130.87186">O</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1989" + class="st17 st18" + x="427.66238" + y="118.75516">Pi</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.0948" + d="m 457.5,136.01855 0,-31.1 0,31.1 z m -0.4,-14.7 c -0.9,-5.5 -11.1,-5.3 -11.1,-5.3 m -3.6,11.8 c 8.8,2.9 14.6,-3.3 14.6,-3.3" + class="st76" + inkscape:label="G6PPer" + inkscape:connector-curvature="0" + id="R_G6PPer" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 447,117.71855 c -4.9,-2 -4.9,-2 -4.9,-2 l 5.6,-1.3 -1.7,1.6 1,1.7 z m 12.1,-10.7 c -1.7,-7.299996 -1.7,-7.299996 -1.7,-7.299996 l -1.7,7.299996 1.7,-1.8 1.7,1.8 z" + class="st30" + inkscape:label="F G6PPer" + inkscape:connector-curvature="0" + id="F_G6PPer" /><path + style="fill:none;stroke:#000000;stroke-width:2.0948" + d="m 457.9,245.51855 0,-31.1 0,31.1 z m -0.4,-14.8 c -0.9,-5.5 -11.1,-5.3 -11.1,-5.3 m -3.6,11.9 c 8.8,2.9 14.6,-3.3 14.6,-3.3" + class="st76" + inkscape:transform-center-y="-61.654422" + inkscape:transform-center-x="138.9285" + inkscape:connector-curvature="0" + id="R_FBP" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 447.4,227.21855 c -4.9,-2 -4.9,-2 -4.9,-2 l 5.6,-1.3 -1.7,1.6 1,1.7 z m 12.1,-10.7 c -1.7,-7.3 -1.7,-7.3 -1.7,-7.3 l -1.7,7.3 1.7,-1.8 1.7,1.8 z" + class="st30" + inkscape:transform-center-y="-76.278967" + inkscape:transform-center-x="138.06632" + inkscape:label="FBP f" + inkscape:connector-curvature="0" + id="F_FBP" /><text + style="font-size:10px;font-family:Calibri" + id="text1995" + class="st17 st18" + x="424.16238" + y="240.49146">H</text> +<text + style="font-size:6.5px;font-family:Calibri" + id="text1997" + class="st17 st173" + x="430.39288" + y="242.49146">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1999" + class="st17 st18" + x="433.6868" + y="240.49146">O</text> +<text + style="font-size:10px;font-family:Calibri" + id="text2001" + class="st17 st18" + x="428.83179" + y="228.37425">Pi</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.17810011" + d="m 1405.8,1229.0186 0,47.6" + class="st63" + inkscape:label="Palmitate_UP_COOP" + inkscape:connector-curvature="0" + id="R_Palmitate_UP_COOP" /><path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 1403.7,1233.9186 2.1,-7.3 2.3,7.3 -2.2,-1.8 -2.2,1.8 z" + class="st14" + inkscape:label="Palmitate_UP_COOP f" + inkscape:connector-curvature="0" + id="F_Palmitate_UP_COOP" /><path + style="fill:none;stroke:#000000;stroke-width:2.22930002" + d="m 767.6,1278.0186 2.2,7.7 2.2,-7.7 -2.2,1.9 -2.2,-1.9 z" + class="st69" + inkscape:label="DM_Carnitine b" + inkscape:connector-curvature="0" + id="B_DM_Carnitine" /><path + style="fill:none;stroke:#000000;stroke-width:2.67510009" + d="m 964.1,1232.4186 -2.2,-7.1 -2.2,7.1 2.2,-1.8 2.2,1.8 z" + class="st64" + inkscape:label="UptakeCitrate f" + inkscape:connector-curvature="0" + id="F_UptakeCitrate" /><path + style="fill:none;stroke:#000000;stroke-width:2.67510009" + d="m 962,1278.6186 0,-46.6" + class="st64" + inkscape:label="DM_Citrate" + inkscape:connector-curvature="0" + id="R_DM_Citrate" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text2008" + class="st15 st16" + x="952.39581" + y="1218.1301">Cit</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.22930002" + d="m 959.6,1276.4186 2.2,7.7 2.2,-7.7 -2.2,1.9 -2.2,-1.9 z" + class="st69" + inkscape:label="UptakeCitrate b" + inkscape:connector-curvature="0" + id="B_UptakeCitrate" /><path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 1174.9998,1273.8805 -2.1,7.3 -2.3,-7.3 2.2,1.8 2.2,-1.8 z" + class="st14" + inkscape:label="Glucose_DM_COOP f" + inkscape:connector-curvature="0" + id="F_Glucose_DM_COOP" /><path + style="fill:none;stroke:#000000;stroke-width:2.22930002" + d="m 1137.2,1273.5186 2.2,7.7 2.2,-7.7 -2.2,1.9 -2.2,-1.9 z" + class="st69" + inkscape:label="LactateL_DM_COOP f" + inkscape:connector-curvature="0" + id="F_DM_LactateL" /><path + style="fill:none;stroke:#000000;stroke-width:2.22930002" + d="m 1139.2,1223.4186 0,50.5" + class="st69" + inkscape:label="LactateL_DM_COOP" + inkscape:connector-curvature="0" + id="R_LactateL_DM_COOP" /><path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 1231.89,1231.8186 2.2,-7.3 2.2,7.3 -2.2,-1.8 -2.2,1.8 z" + class="st14" + inkscape:label="Glutamine_DM_COOP b" + inkscape:connector-curvature="0" + id="B_Glutamine_DM_COOP" /><path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 1233.89,1279.4186 0,-48" + class="st14" + inkscape:label="Glutamine_DM_COOP" + inkscape:connector-curvature="0" + id="R_Glutamine_DM_COOP" /><flowRoot + xml:space="preserve" + id="flowRoot5366" + style="font-style:normal;font-weight:normal;font-size:35px;line-height:125%;font-family:sans-serif;letter-spacing:0px;word-spacing:0px;fill:#000000;fill-opacity:1;stroke:none;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1" + transform="translate(-20.6,18.418554)"><flowRegion + id="flowRegion5368"><rect + id="rect5370" + width="1165.1471" + height="77.465683" + x="306.70087" + y="-39.523308" /></flowRegion><flowPara + id="flowPara5372" /></flowRoot><flowRoot + xml:space="preserve" + id="TitoloConfronto" + style="font-style:normal;font-weight:normal;font-size:35px;line-height:125%;font-family:sans-serif;letter-spacing:0px;word-spacing:0px;fill:#000000;fill-opacity:1;stroke:none;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1" + inkscape:label="TitoloConfronto" + transform="translate(-18.364224,56.426743)"><flowRegion + id="flowRegion5376"><rect + id="rect5378" + width="1869.6877" + height="68.569115" + x="301.95807" + y="-69.56102" /></flowRegion><flowPara + id="TitleText" + style="font-style:normal;font-variant:normal;font-weight:normal;font-stretch:normal;font-size:45px;font-family:sans-serif;-inkscape-font-specification:sans-serif">TITOLO: TITOLOTITOLO </flowPara></flowRoot><flowRoot + xml:space="preserve" + id="flowRoot5382" + style="font-style:normal;font-weight:normal;font-size:35px;line-height:125%;font-family:sans-serif;letter-spacing:0px;word-spacing:0px;fill:#000000;fill-opacity:1;stroke:none;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1" + transform="translate(-16.64767,38.180207)"><flowRegion + id="flowRegion5384"><rect + id="rect5386" + width="275.00043" + height="149.79698" + x="1681.3033" + y="204.59315" /></flowRegion><flowPara + id="flowPara5390" + style="font-style:normal;font-variant:normal;font-weight:bold;font-stretch:normal;font-family:sans-serif;-inkscape-font-specification:'sans-serif Bold'">Fold Change</flowPara></flowRoot><flowRoot + xml:space="preserve" + id="FC_min" + style="font-style:normal;font-weight:normal;font-size:35px;line-height:125%;font-family:sans-serif;letter-spacing:0px;word-spacing:0px;fill:#000000;fill-opacity:1;stroke:none;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1" + transform="translate(-8.622366,131.05768)" + inkscape:label="FC_min"><flowRegion + id="flowRegion5384-2"><rect + id="rect5386-9" + width="275.00043" + height="149.79698" + x="1681.3033" + y="204.59315" /></flowRegion><flowPara + id="Val_FC_min">min: </flowPara></flowRoot><flowRoot + xml:space="preserve" + id="FC_max" + style="font-style:normal;font-weight:normal;font-size:35px;line-height:125%;font-family:sans-serif;letter-spacing:0px;word-spacing:0px;fill:#000000;fill-opacity:1;stroke:none;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1" + transform="translate(-17.492772,95.648076)" + inkscape:label="FC_max"><flowRegion + id="flowRegion5384-2-2"><rect + id="rect5386-9-9" + width="275.00043" + height="149.79698" + x="1681.3033" + y="204.59315" /></flowRegion><flowPara + id="Val_FC_max">max:</flowPara></flowRoot></svg> \ No newline at end of file
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/local/svg metabolic maps/HMRcore_no_legend_map.svg Sun Oct 13 11:38:28 2024 +0000 @@ -0,0 +1,7654 @@ +<?xml version="1.0" encoding="UTF-8" standalone="no"?> +<!-- Generator: Adobe Illustrator 22.0.1, SVG Export Plug-In . SVG Version: 6.00 Build 0) --> + +<svg + xmlns:dc="http://purl.org/dc/elements/1.1/" + xmlns:cc="http://creativecommons.org/ns#" + xmlns:rdf="http://www.w3.org/1999/02/22-rdf-syntax-ns#" + xmlns:svg="http://www.w3.org/2000/svg" + xmlns="http://www.w3.org/2000/svg" + xmlns:xlink="http://www.w3.org/1999/xlink" + xmlns:sodipodi="http://sodipodi.sourceforge.net/DTD/sodipodi-0.dtd" + xmlns:inkscape="http://www.inkscape.org/namespaces/inkscape" + version="1.1" + x="0px" + y="0px" + viewBox="0 0 1904.8016 1511.2752" + xml:space="preserve" + id="svg2" + inkscape:version="0.91 r13725" + sodipodi:docname="HMRcoreMap.svg" + width="1904.8015" + height="1511.2753"><metadata + id="metadata2021"><rdf:RDF><cc:Work + rdf:about=""><dc:format>image/svg+xml</dc:format><dc:type + rdf:resource="http://purl.org/dc/dcmitype/StillImage" /><dc:title /></cc:Work></rdf:RDF></metadata><defs + id="defs2019"><sodipodi:namedview + showguides="true" + showgrid="true" + pagecolor="#ffffff" + inkscape:zoom="1.4702451" + inkscape:window-y="-8" + inkscape:window-x="-8" + inkscape:window-width="1920" + inkscape:window-maximized="1" + inkscape:window-height="1017" + inkscape:snap-page="false" + inkscape:snap-grids="true" + inkscape:pageshadow="2" + inkscape:pageopacity="0.0" + inkscape:document-units="px" + inkscape:cy="338.10986" + inkscape:cx="1343.7768" + inkscape:current-layer="layer1" + id="base" + fit-margin-top="0" + fit-margin-right="0" + fit-margin-left="0" + fit-margin-bottom="0" + borderopacity="1.0" + bordercolor="#666666"><inkscape:grid + type="xygrid" + originy="72.926308" + originx="-97.409688" + id="grid3434" + dotted="true" /></sodipodi:namedview></defs><sodipodi:namedview + pagecolor="#ffffff" + bordercolor="#666666" + borderopacity="1" + objecttolerance="10" + gridtolerance="10" + guidetolerance="10" + inkscape:pageopacity="0" + inkscape:pageshadow="2" + inkscape:window-width="1920" + inkscape:window-height="1017" + id="namedview2017" + showgrid="false" + inkscape:zoom="0.44727204" + inkscape:cx="497.63252" + inkscape:cy="796.80241" + inkscape:window-x="-8" + inkscape:window-y="-8" + inkscape:window-maximized="1" + inkscape:current-layer="svg2" + fit-margin-top="0" + fit-margin-left="0" + fit-margin-right="0" + fit-margin-bottom="0" /><style + type="text/css" + id="style4"> + .st0{display:none;} + .st1{display:inline;} + .st2{fill:none;stroke:#5AB6E7;stroke-width:7;stroke-linejoin:round;} + .st3{fill:none;stroke:#5AB6E7;stroke-width:7;stroke-linejoin:round;stroke-dasharray:11.9422,11.9422;} + .st4{fill:none;stroke:#5AB6E7;stroke-width:7;stroke-linejoin:round;stroke-dasharray:12.1815,12.1815;} + .st5{font-family:'Helvetica';} + .st6{font-size:30px;} + .st7{font-size:39.262px;} + .st8{fill:none;stroke:#0000FF;stroke-width:30;} + .st9{fill:none;stroke:#E41A1C;stroke-width:30;} + .st10{fill:none;stroke:#BEBEBE;stroke-width:30;} + .st11{stroke:#000000;stroke-width:30;} + .st12{fill:none;stroke:#BEBEBE;stroke-width:30;stroke-dasharray:30,30;stroke-dashoffset:6;} + .st13{fill:none;stroke:#000000;stroke-width:1.8444;} + .st14{fill:none;stroke:#000000;stroke-width:2.1821;} + .st15{font-family:'Calibri-Bold';} + .st16{font-size:16px;} + .st17{font-family:'Calibri';} + .st18{font-size:10px;} + .st19{fill:none;stroke:#000000;stroke-width:1.8856;} + .st20{fill:none;stroke:#000000;stroke-width:1.9459;} + .st21{fill:none;stroke:#000000;stroke-width:2.2892;} + .st22{fill:none;stroke:#000000;stroke-width:2.5;} + .st23{fill:none;stroke:#000000;stroke-width:1.9412;} + .st24{fill:none;stroke:#000000;stroke-width:1.9661;} + .st25{fill:none;stroke:#000000;stroke-width:1.0869;} + .st26{font-size:6.0937px;} + .st27{fill:none;stroke:#000000;stroke-width:2.0174;} + .st28{fill:none;stroke:#000000;stroke-width:1.889;} + .st29{fill:none;stroke:#000000;stroke-width:1.7769;} + .st30{fill:none;stroke:#000000;stroke-width:1.8717;} + .st31{fill:none;stroke:#000000;stroke-width:1.6971;} + .st32{fill:none;stroke:#000000;stroke-width:2.4492;} + .st33{fill:none;stroke:#000000;stroke-width:2.0366;} + .st34{fill:none;stroke:#000000;stroke-width:1.5903;} + .st35{fill:none;stroke:#000000;stroke-width:1.7287;} + .st36{fill:none;stroke:#000000;stroke-width:1.7741;} + .st37{fill:none;stroke:#000000;stroke-width:2.2309;} + .st38{font-size:14px;} + .st39{fill:none;stroke:#000000;stroke-width:1.7752;} + .st40{font-size:9.75px;} + .st41{fill:none;stroke:#000000;stroke-width:1.8816;} + .st42{fill:none;stroke:#000000;stroke-width:1.8615;} + .st43{fill:none;stroke:#000000;stroke-width:1.7923;} + .st44{fill:none;stroke:#000000;stroke-width:1.8691;} + .st45{fill:none;stroke:#000000;stroke-width:2.823;} + .st46{fill:none;stroke:#000000;stroke-width:2.3556;} + .st47{fill:none;stroke:#000000;stroke-width:2.0484;} + .st48{fill:none;stroke:#000000;stroke-width:1.127;} + .st49{fill:none;stroke:#000000;stroke-width:1.5383;} + .st50{fill:none;stroke:#000000;stroke-width:1.4921;} + .st51{fill:none;stroke:#000000;stroke-width:1.4117;} + .st52{fill:none;stroke:#000000;stroke-width:1.3787;} + .st53{fill:none;stroke:#000000;stroke-width:2.2437;} + .st54{fill:none;stroke:#000000;stroke-width:1.8492;} + .st55{fill:none;stroke:#000000;stroke-width:1.816;} + .st56{fill:none;stroke:#000000;stroke-width:2.0159;} + .st57{fill:none;stroke:#000000;stroke-width:2.0089;} + .st58{fill:none;stroke:#000000;stroke-width:1.2666;} + .st59{fill:none;stroke:#000000;stroke-width:1.3186;} + .st60{fill:none;stroke:#000000;stroke-width:1.2211;} + .st61{fill:none;stroke:#000000;stroke-width:1.1828;} + .st62{fill:none;stroke:#000000;stroke-width:2.0699;} + .st63{fill:none;stroke:#000000;stroke-width:2.1781;} + .st64{fill:none;stroke:#000000;stroke-width:2.6751;} + .st65{fill:none;stroke:#000000;stroke-width:3.1636;} + .st66{fill:none;stroke:#000000;stroke-width:3.3699;} + .st67{fill:none;stroke:#000000;stroke-width:2.3147;} + .st68{fill:none;stroke:#000000;stroke-width:2.2203;} + .st69{fill:none;stroke:#000000;stroke-width:2.2293;} + .st70{fill:none;stroke:#000000;stroke-width:1.9667;} + .st71{fill:none;stroke:#000000;stroke-width:2.1341;} + .st72{fill:none;stroke:#000000;stroke-width:1.5819;} + .st73{fill:none;stroke:#000000;stroke-width:2.0995;} + .st74{fill:none;stroke:#000000;stroke-width:2.4348;} + .st75{fill:none;stroke:#000000;stroke-width:2.3313;} + .st76{fill:none;stroke:#000000;stroke-width:2.0948;} + .st77{fill:none;stroke:#000000;stroke-width:2.2352;} + .st78{fill:none;stroke:#000000;stroke-width:2.3817;} + .st79{fill:none;stroke:#000000;stroke-width:2.2976;} + .st80{fill:none;stroke:#000000;stroke-width:2.0951;} + .st81{fill:none;stroke:#231F20;stroke-width:7;stroke-linejoin:round;stroke-miterlimit:2;} + .st82{fill:none;stroke:#000000;stroke-width:1.3247;} + .st83{fill:none;stroke:#000000;stroke-width:1.564;} + .st84{fill:none;stroke:#000000;stroke-width:2.1156;} + .st85{fill:none;stroke:#000000;stroke-width:1.3926;} + .st86{fill:none;stroke:#000000;stroke-width:1.123;} + .st87{font-size:9.7577px;} + .st88{font-size:15.6123px;} + .st89{fill:none;stroke:#000000;stroke-width:2.0926;} + .st90{fill:none;stroke:#000000;stroke-width:1.7671;} + .st91{fill:none;stroke:#000000;stroke-width:1.7901;} + .st92{fill:none;stroke:#000000;stroke-width:1.9212;} + .st93{fill:none;stroke:#000000;stroke-width:1.3319;} + .st94{fill:none;stroke:#000000;stroke-width:2.1398;} + .st95{fill:none;stroke:#000000;stroke-width:1.3641;} + .st96{fill:none;stroke:#000000;stroke-width:2.216;} + .st97{fill:none;stroke:#000000;stroke-width:2.341;} + .st98{fill:none;stroke:#000000;stroke-width:1.2412;} + .st99{fill:none;stroke:#000000;stroke-width:1.7827;} + .st100{fill:none;stroke:#000000;stroke-width:1.8658;} + .st101{fill:none;stroke:#000000;stroke-width:2.4932;} + .st102{fill:none;stroke:#000000;stroke-width:2.489;} + .st103{fill:none;stroke:#000000;stroke-width:2.5188;} + .st104{fill:none;stroke:#000000;stroke-width:2.4962;} + .st105{fill:none;stroke:#000000;stroke-width:1.6791;} + .st106{fill:none;stroke:#000000;stroke-width:1.8121;} + .st107{fill:none;stroke:#000000;stroke-width:1.5802;} + .st108{fill:none;stroke:#000000;stroke-width:1.5346;} + .st109{fill:none;stroke:#000000;stroke-width:1.8293;} + .st110{fill:none;stroke:#000000;stroke-width:1.6126;} + .st111{fill:none;stroke:#000000;stroke-width:2.5434;} + .st112{fill:none;stroke:#000000;stroke-width:1.7519;} + .st113{fill:none;stroke:#000000;stroke-width:1.5283;} + .st114{fill:none;stroke:#000000;stroke-width:1.8016;} + .st115{fill:none;stroke:#000000;stroke-width:3.1376;} + .st116{fill:none;stroke:#000000;stroke-width:1.8065;} + .st117{fill:none;stroke:#000000;stroke-width:2.1653;} + .st118{fill:none;stroke:#000000;stroke-width:1.5857;} + .st119{fill:none;stroke:#000000;stroke-width:2.1349;} + .st120{fill:none;stroke:#000000;stroke-width:2.3204;} + .st121{fill:none;stroke:#000000;stroke-width:1.6814;} + .st122{fill:none;stroke:#000000;stroke-width:2.9048;} + .st123{fill:none;stroke:#000000;stroke-width:2.2582;} + .st124{fill:none;stroke:#000000;stroke-width:1.9206;} + .st125{fill:none;stroke:#000000;stroke-width:2.0975;} + .st126{fill:none;stroke:#000000;stroke-width:1.1759;} + .st127{fill:none;stroke:#000000;stroke-width:1.1348;} + .st128{fill:none;stroke:#000000;stroke-width:2.0031;} + .st129{fill:none;stroke:#000000;stroke-width:1.966;} + .st130{fill:none;stroke:#000000;stroke-width:1.822;} + .st131{fill:none;stroke:#000000;stroke-width:2.3785;} + .st132{fill:none;stroke:#000000;stroke-width:1.5336;} + .st133{fill:none;stroke:#000000;stroke-width:1.4989;} + .st134{fill:none;stroke:#000000;stroke-width:1.8163;} + .st135{fill:none;stroke:#000000;stroke-width:2.0955;} + .st136{fill:none;stroke:#000000;stroke-width:2.1429;} + .st137{fill:none;stroke:#000000;stroke-width:2.1034;} + .st138{fill:none;stroke:#000000;stroke-width:2.0686;} + .st139{fill:none;stroke:#000000;stroke-width:1.1187;} + .st140{fill:none;stroke:#000000;stroke-width:2.3278;} + .st141{fill:none;stroke:#000000;stroke-width:2.1814;} + .st142{fill:none;stroke:#000000;stroke-width:2.0648;} + .st143{fill:none;stroke:#000000;stroke-width:2.5236;} + .st144{fill:none;stroke:#000000;stroke-width:2.5697;} + .st145{fill:#786721;stroke:#000000;stroke-width:2.5;} + .st146{fill:none;stroke:#000000;stroke-width:1.4509;} + .st147{fill:none;stroke:#000000;stroke-width:1.7529;} + .st148{fill:none;stroke:#000000;stroke-width:1.9252;} + .st149{fill:none;stroke:#000000;stroke-width:1.8983;} + .st150{fill:none;stroke:#000000;stroke-width:1.7735;} + .st151{fill:none;stroke:#000000;stroke-width:1.5537;} + .st152{fill:none;stroke:#000000;stroke-width:1.7117;} + .st153{fill:none;stroke:#000000;stroke-width:1.7429;} + .st154{fill:none;stroke:#000000;stroke-width:1.639;} + .st155{fill:none;stroke:#000000;stroke-width:2.4155;} + .st156{fill:none;stroke:#000000;stroke-width:1.9672;} + .st157{fill:none;stroke:#000000;stroke-width:2.2231;} + .st158{fill:none;stroke:#000000;stroke-width:1.8337;} + .st159{fill:none;stroke:#000000;stroke-width:1.8531;} + .st160{fill:none;stroke:#000000;stroke-width:2.2256;} + .st161{fill:none;stroke:#000000;stroke-width:2.0666;} + .st162{fill:none;stroke:#000000;stroke-width:1.7335;} + .st163{fill:none;stroke:#000000;stroke-width:1.6847;} + .st164{fill:none;stroke:#000000;stroke-width:2.4884;} + .st165{fill:none;stroke:#000000;stroke-width:2.3113;} + .st166{fill:none;stroke:#000000;stroke-width:2.1555;} + .st167{fill:none;stroke:#000000;stroke-width:1.9909;} + .st168{fill:none;stroke:#000000;stroke-width:9.2205;stroke-linecap:round;stroke-linejoin:round;stroke-miterlimit:2;} + .st169{fill:none;stroke:#000000;stroke-width:2.5668;} + .st170{fill:none;stroke:#000000;stroke-width:1.9328;} + .st171{fill:none;stroke:#000000;stroke-width:3.1971;} + .st172{fill:none;stroke:#000000;stroke-width:3.1373;} + .st173{font-size:6.5px;} +</style><g + id="Layer_2" + transform="translate(-20.6,18.418554)"><g + id="rect3188_1_" + class="st0" + style="display:none"><g + class="st1" + id="g8" + style="display:inline"><polyline + class="st2" + points="269.1,669.8 269.1,663.8 275.1,663.8 " + id="polyline10" + style="fill:none;stroke:#5ab6e7;stroke-width:7;stroke-linejoin:round" /><line + class="st3" + x1="287" + y1="663.79999" + x2="1475.2" + y2="663.79999" + id="line12" + style="fill:none;stroke:#5ab6e7;stroke-width:7;stroke-linejoin:round;stroke-dasharray:11.9422, 11.9422" /><polyline + class="st2" + points="1481.2,663.8 1487.2,663.8 1487.2,669.8 " + id="polyline14" + style="fill:none;stroke:#5ab6e7;stroke-width:7;stroke-linejoin:round" /><line + class="st4" + x1="1487.2" + y1="682" + x2="1487.2" + y2="1138.8" + id="line16" + style="fill:none;stroke:#5ab6e7;stroke-width:7;stroke-linejoin:round;stroke-dasharray:12.1815, 12.1815" /><polyline + class="st2" + points="1487.2,1144.9 1487.2,1150.9 1481.2,1150.9 " + id="polyline18" + style="fill:none;stroke:#5ab6e7;stroke-width:7;stroke-linejoin:round" /><line + class="st3" + x1="1469.3" + y1="1150.9" + x2="281" + y2="1150.9" + id="line20" + style="fill:none;stroke:#5ab6e7;stroke-width:7;stroke-linejoin:round;stroke-dasharray:11.9422, 11.9422" /><polyline + class="st2" + points="275.1,1150.9 269.1,1150.9 269.1,1144.9 " + id="polyline22" + style="fill:none;stroke:#5ab6e7;stroke-width:7;stroke-linejoin:round" /><line + class="st4" + x1="269.10001" + y1="1132.7" + x2="269.10001" + y2="675.90002" + id="line24" + style="fill:none;stroke:#5ab6e7;stroke-width:7;stroke-linejoin:round;stroke-dasharray:12.1815, 12.1815" /></g></g></g><g + id="flowRoot3336" + transform="translate(-20.6,18.418554)" /><g + id="flowRoot16808" + transform="translate(-20.6,18.418554)" /><g + id="flowRoot2749" + transform="translate(-20.6,18.418554)" /><g + id="flowRoot3621" + transform="translate(-20.6,18.418554)" /><g + id="flowRoot1974" + transform="translate(-20.6,18.418554)" /><text + style="font-size:30px;font-family:Helvetica" + id="text35" + class="st5 st6" + x="129.77209" + y="1429.6542">= Blocked</text> +<text + style="font-size:39.26200104px;font-family:Helvetica" + id="text39" + class="st5 st7" + x="-1.9770008" + y="1365.1874">Legend</text> +<path + style="fill:none;stroke:#BEBEBE;stroke-width:30" + d="m 0,1420.7186 112,0" + class="st9" + inkscape:connector-curvature="0" + id="path6613-8-6" /> + +<path + style="fill:none;stroke:#000000;stroke-width:1.84440005" + d="m 834.5,332.71855 26.9,-0.1 m -18,-9 c -2.8,5.8 3.1,9.6 3.1,9.6 m 3.1,-0.5 c 5.1,-0.7 4.9,-9.1 4.9,-9.1" + class="st13" + inkscape:label="CMPK1_DTYMK" + inkscape:connector-curvature="0" + id="R_CMPK1_DTYMK" /><path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 464.9,461.41855 c 2.2,-7.3 2.2,-7.3 2.2,-7.3 l 2.2,7.3 -2.2,-1.8 -2.2,1.8 z" + class="st14" + inkscape:label="backward PGM" + inkscape:connector-curvature="0" + id="B_PGAM2_PGAM1_BPGM_PGAM4_1" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text56" + class="st15 st16" + x="449.63071" + y="207.37375">F6P</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text58" + class="st15 st16" + x="443.9202" + y="262.58224">F16BP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text60" + class="st15 st16" + x="446.7605" + y="320.19556">GA3P</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text62" + class="st15 st16" + x="435.38208" + y="383.34305">1,3BPGA</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text64" + class="st15 st16" + x="453.15561" + y="449.14966">3PG</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text66" + class="st15 st16" + x="449.81769" + y="507.42996">2PG</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text68" + class="st15 st16" + x="453.76788" + y="562.48846">PEP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text70" + class="st15 st16" + x="456.6004" + y="614.97485">Pyr</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text72" + class="st15 st16" + x="349.18579" + y="614.4632">Lact</text> +<text + style="font-size:10px;font-family:Calibri" + id="text74" + class="st17 st18" + x="483.3494" + y="222.37965">ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text76" + class="st17 st18" + x="484.75418" + y="235.29225">ADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text78" + class="st17 st18" + x="478.8587" + y="337.66135">NAD</text> +<text + style="font-size:10px;font-family:Calibri" + id="text80" + class="st17 st18" + x="497.25217" + y="337.66135">+</text> +<text + style="font-size:10px;font-family:Calibri" + id="text82" + class="st17 st18" + x="502.2327" + y="337.66135">Pi</text> +<text + style="font-size:10px;font-family:Calibri" + id="text84" + class="st17 st18" + x="481.2063" + y="350.90945">NADH+H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text86" + class="st17 st18" + x="481.4881" + y="401.51096">ADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text88" + class="st17 st18" + x="482.81668" + y="413.79224">ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text90" + class="st17 st18" + x="481.35968" + y="575.7132">ADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text92" + class="st17 st18" + x="485.36938" + y="586.74536">ATP</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 460,182.91855 c 2.2,7.3 2.2,7.3 2.2,7.3 l 2.2,-7.3 -2.2,1.8 -2.2,-1.8 z" + class="st14" + inkscape:label="forward GPI " + inkscape:connector-curvature="0" + id="F_GPI" /><path + style="fill:none;stroke:#000000;stroke-width:1.88559997" + d="m 462.1,159.61855 c 0,23.8 0,23.8 0,23.8" + class="st19" + inkscape:label="GPI " + inkscape:connector-curvature="0" + id="R_GPI" /><path + style="fill:none;stroke:#000000;stroke-width:1.94589996" + d="m 467.2,458.91855 c 0,25.4 0,25.4 0,25.4" + class="st20" + inkscape:label="phosphoglycerate mutase" + inkscape:connector-curvature="0" + id="R_PGAM2_PGAM1_BPGM_PGAM4_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 465.1,482.61855 c 2.2,7.3 2.2,7.3 2.2,7.3 l 2.2,-7.3 -2.2,1.8 -2.2,-1.8 z" + class="st14" + inkscape:label="forward PGM" + inkscape:connector-curvature="0" + id="F_PGAM2_PGAM1_BPGM_PGAM4_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 464.9,516.91855 c 2.2,-7.3 2.2,-7.3 2.2,-7.3 l 2.2,7.3 -2.2,-1.8 -2.2,1.8 z" + class="st14" + inkscape:label="backward enolase" + inkscape:connector-curvature="0" + id="B_ENO1_ENO3_ENO2" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text99" + class="st15 st16" + x="492.44656" + y="284.29803">DHAP</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.28920007" + d="m 462.7,265.81855 c 0,31.9 0,31.9 0,31.9 m 0.6,-17.7 20.2,0" + class="st21" + inkscape:connector-curvature="0" + id="R_ALDOC_ALDOB_ALDOA_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 482.4,278.01855 c 6.1,2.2 6.1,2.2 6.1,2.2 l -6.1,2.2 1.5,-2.2 -1.5,-2.2 z m -21.6,17.9 c 2.2,7.3 2.2,7.3 2.2,7.3 l 2.2,-7.3 -2.2,1.8 -2.2,-1.8 z" + class="st22" + inkscape:connector-curvature="0" + id="F_ALDOC_ALDOB_ALDOA_2" /><path + style="fill:none;stroke:#000000;stroke-width:1.94120002" + d="m 503.2,293.81855 2.4,-4 0.8,-1.3 -4.9,2.1 1.9,0.6 -0.2,2.6 z" + class="st23" + sodipodi:nodetypes="cccccc" + inkscape:label="backward TPI1_TPI1P2 " + inkscape:connector-curvature="0" + id="B_TPI1_TPI1P2" /><path + style="fill:none;stroke:#000000;stroke-width:1.96609998" + d="m 488.7,300.71855 c -3.2,5.4 -3.2,5.4 -3.2,5.4 l 5,-2.3 -1.9,-0.6 0.1,-2.5 z" + class="st24" + inkscape:label="forwardTPI1_TPI1P2 " + inkscape:connector-curvature="0" + id="F_TPI1_TPI1P2" /><path + style="fill:none;stroke:#000000;stroke-width:1.0869" + d="m 502.6,291.71855 -14.9,13" + class="st25" + inkscape:label="TPI1_TPI1P2 " + inkscape:connector-curvature="0" + id="R_TPI1_TPI1P2" /><text + style="font-size:10px;font-family:Calibri" + id="text106" + class="st17 st18" + x="485.7688" + y="533.16919">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text108" + class="st17 st26" + x="491.9993" + y="535.16919">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text110" + class="st17 st18" + x="495.08768" + y="533.16919">O</text> +<text + style="font-size:10px;font-family:Calibri" + id="text112" + class="st17 st18" + x="391.7298" + y="593.52759">NAD</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text114" + class="st15 st16" + x="532.302" + y="158.84834">6Pgl</text> +<text + style="font-size:10px;font-family:Calibri" + id="text116" + class="st17 st18" + x="471.15601" + y="174.58125">NADP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text118" + class="st15 st16" + x="598.32654" + y="159.01485">6PDG</text> +<text + style="font-size:10px;font-family:Calibri" + id="text120" + class="st17 st18" + x="627.64771" + y="176.58224">NADP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text122" + class="st15 st16" + x="694.76404" + y="159.07295">Ru5P</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text124" + class="st15 st16" + x="777.18494" + y="174.95485">R5P</text> +<text + style="font-size:10px;font-family:Calibri" + id="text126" + class="st17 st18" + x="754.10773" + y="199.29225">AMP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text128" + class="st17 st18" + x="760.08435" + y="185.74825">ATP</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.01740003" + d="m 588.2,152.11855 c 7.3,2.2 7.3,2.2 7.3,2.2 l -7.3,2.2 1.8,-2.2 -1.8,-2.2 z" + class="st27" + inkscape:label="forward H6PD_PGLS " + inkscape:connector-curvature="0" + id="F_H6PD_PGLS" /><text + style="font-size:10px;font-family:Calibri" + id="text131" + class="st17 st18" + x="564.25323" + y="173.96214">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text133" + class="st17 st26" + x="570.4837" + y="175.96214">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text135" + class="st17 st18" + x="573.57251" + y="173.96214">O</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text137" + class="st15 st16" + x="774.87531" + y="143.11105">Xil5P</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.88900006" + d="m 814.5,167.11855 c -5.3,2.4 -5.3,2.4 -5.3,2.4 l 2.8,-4.7 0.2,2 2.3,0.3 z m -1.4,-20.6 c -2.5,-4.8 -2.5,-4.8 -2.5,-4.8 l 5.1,2.6 -2.3,0.2 -0.3,2 z" + class="st28" + inkscape:label="forward TKTL1_TKTL2_TKT_2" + inkscape:connector-curvature="0" + id="F_TKTL1_TKTL2_TKT_2" /><path + style="fill:none;stroke:#000000;stroke-width:1.88900006" + d="m 834,143.41855 c 5.2,-2.5 5.2,-2.5 5.2,-2.5 l -2.6,4.7 -0.3,-2 -2.3,-0.2 z m 3.8,21.6 c 2.6,4.8 2.6,4.8 2.6,4.8 l -5.2,-2.6 2.3,-0.2 0.3,-2 z" + class="st28" + inkscape:label="backward TKTL1_TKTL2_TKT_2 " + inkscape:connector-curvature="0" + id="B_TKTL1_TKTL2_TKT_2" /><path + style="fill:none;stroke:#000000;stroke-width:1.77690005" + d="m 813,144.01855 23.9,22.6 0,0 m -24.8,0.5 23.9,-22.6" + class="st29" + inkscape:label="TKTL1_TKTL2_TKT_2 " + inkscape:connector-curvature="0" + id="R_TKTL1_TKTL2_TKT_2" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text142" + class="st15 st16" + x="842.75421" + y="140.81226">Sed7P</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text144" + class="st15 st16" + x="844.42902" + y="174.28685">GA3P</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 890,164.31855 c -5.3,2.3 -5.3,2.3 -5.3,2.3 l 2.8,-4.5 0.2,2 2.3,0.2 z m -1.4,-20.1 c -2.5,-4.7 -2.5,-4.7 -2.5,-4.7 l 5.1,2.6 -2.3,0.1 -0.3,2 z" + class="st30" + inkscape:label="backward TALDO1 " + inkscape:connector-curvature="0" + id="B_TALDO1" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 912.3,141.61855 c 5.2,-2.4 5.2,-2.4 5.2,-2.4 l -2.7,4.6 -0.3,-2 -2.2,-0.2 z m 3.9,21.1 c 2.6,4.6 2.6,4.6 2.6,4.6 l -5.2,-2.5 2.3,-0.2 0.3,-1.9 z" + class="st30" + inkscape:label="forward TALDO1 " + inkscape:connector-curvature="0" + id="F_TALDO1" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 888.1,141.41855 26.3,22.8 0,0 m -27.2,0.6 26.3,-22.8" + class="st30" + inkscape:label="TALDO1 " + inkscape:connector-curvature="0" + id="R_TALDO1" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text149" + class="st15 st16" + x="922.31085" + y="174.11154">Ery4P</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text151" + class="st15 st16" + x="921.73865" + y="140.67255">F6P</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.69710004" + d="m 967.5,191.21855 c -5.2,1.9 -5.2,1.9 -5.2,1.9 l 2.7,-3.8 0.2,1.7 2.3,0.2 z m -1.3,-16.9 c -2.4,-3.9 -2.4,-3.9 -2.4,-3.9 l 5,2.2 -2.2,0.1 -0.4,1.6 z" + class="st31" + inkscape:label="forward TKTL1_TKTL2_TKT_1 " + inkscape:connector-curvature="0" + id="F_TKTL1_TKTL2_TKT_1" /><path + style="fill:none;stroke:#000000;stroke-width:1.69710004" + d="m 989.2,172.21855 c 5.1,-2 5.1,-2 5.1,-2 l -2.6,3.9 -0.3,-1.7 -2.2,-0.2 z m 3.8,17.8 c 2.5,3.9 2.5,3.9 2.5,3.9 l -5.1,-2.1 2.2,-0.2 0.4,-1.6 z" + class="st31" + inkscape:label="backward TKTL1_TKTL2_TKT_1 " + inkscape:connector-curvature="0" + id="B_TKTL1_TKTL2_TKT_1" /><path + style="fill:none;stroke:#000000;stroke-width:1.69710004" + d="m 965.6,172.01855 25.6,19.2 0,0 m -26.5,0.5 25.6,-19.2" + class="st31" + inkscape:label="TKTL1_TKTL2_TKT_1 " + inkscape:connector-curvature="0" + id="R_TKTL1_TKTL2_TKT_1" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text156" + class="st15 st16" + x="997.87823" + y="172.36835">GA3P</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text158" + class="st15 st16" + x="998.20343" + y="200.00905">F6P</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text160" + class="st15 st16" + x="924.83331" + y="199.35765">Xil5P</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text162" + class="st15 st16" + x="899.55011" + y="119.60376">Sed1,7BP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text164" + class="st17 st18" + x="862.2395" + y="101.52756">ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text166" + class="st17 st18" + x="878.388" + y="101.37626">ADP</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 974.2,113.01855 c -7.1,2.6 -7.1,2.6 -7.1,2.6 l 7.3,1.8 -2,-2 1.8,-2.4 z" + class="st32" + inkscape:label="forward ALDOC_ALDOB_ALDOA_1 " + inkscape:connector-curvature="0" + id="F_ALDOC_ALDOB_ALDOA_1" /><path + style="fill:none;stroke:#000000;stroke-width:1.84440005" + d="m 988.6,115.41855 0,13.6 m -16.1,-13.5 32.6,0" + class="st13" + inkscape:connector-curvature="0" + id="R_ALDOC_ALDOB_ALDOA_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.03660011" + d="m 990.5,127.81855 c -1.7,5.4 -1.7,5.4 -1.7,5.4 l -2.2,-5.2 2,1.3 1.9,-1.5 z m 13.7,-14.3 c 6.9,2.2 6.9,2.2 6.9,2.2 l -6.9,2.2 1.7,-2.2 -1.7,-2.2 z" + class="st33" + inkscape:label="B ALDOC_ALDOB_ALDOA_1" + inkscape:connector-curvature="0" + id="B_ALDOC_ALDOB_ALDOA_1" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text171" + class="st15 st16" + x="1014.1517" + y="119.70486">Ery4P</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text173" + class="st15 st16" + x="968.1048" + y="145.78055">DHAP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text175" + class="st15 st16" + x="771.2854" + y="226.97975">PRPP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text177" + class="st17 st18" + x="826.94464" + y="243.12035">Gly</text> +<text + style="font-size:10px;font-family:Calibri" + id="text179" + class="st17 st18" + x="913.92413" + y="243.37524">2 10-forTHF</text> +<text + style="font-size:10px;font-family:Calibri" + id="text181" + class="st17 st18" + x="857.57452" + y="209.29074">2 THF</text> +<text + style="font-size:10px;font-family:Calibri" + id="text183" + class="st17 st18" + x="884.82159" + y="209.54565">PPi</text> +<text + style="font-size:10px;font-family:Calibri" + id="text185" + class="st17 st18" + x="901.06671" + y="208.81564">4 ADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text187" + class="st17 st18" + x="836.94171" + y="209.48065">Fum</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text189" + class="st15 st16" + x="1001.889" + y="227.94115">IMP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text191" + class="st17 st18" + x="802.77081" + y="243.09105">2 Gln</text> +<text + style="font-size:10px;font-family:Calibri" + id="text193" + class="st17 st18" + x="812.37921" + y="209.35135">2 Glu</text> +<text + style="font-size:10px;font-family:Calibri" + id="text195" + class="st17 st18" + x="890.34705" + y="243.16335">4 ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text197" + class="st17 st18" + x="868.02661" + y="242.86446">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text199" + class="st17 st26" + x="874.25714" + y="244.86446">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text201" + class="st17 st18" + x="877.34601" + y="242.86446">O</text> +<text + style="font-size:10px;font-family:Calibri" + id="text203" + class="st17 st18" + x="964.69855" + y="243.09105">CO</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text205" + class="st17 st26" + x="976.56384" + y="245.09105">2</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text207" + class="st15 st16" + x="1268.7963" + y="274.35965">GDP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text209" + class="st17 st18" + x="1227.5297" + y="295.81955">ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text211" + class="st17 st18" + x="1245.308" + y="295.39575">ADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text213" + class="st17 st18" + x="588.70343" + y="538.1087">ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text215" + class="st17 st18" + x="593.98761" + y="501.60864">ADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text217" + class="st17 st18" + x="617.54913" + y="538.3645">CoA</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text219" + class="st15 st16" + x="663.85974" + y="522.77277">AcCoA</text> +<text + style="font-size:10px;font-family:Calibri" + id="text221" + class="st17 st18" + x="631.93585" + y="501.30786">OAA</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text223" + class="st15 st16" + x="1047.556" + y="522.03638">ippPP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text225" + class="st15 st16" + x="1123.9662" + y="522.45044">fPP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text227" + class="st15 st16" + x="1293.7357" + y="521.42017">Chol</text> +<text + style="font-size:10px;font-family:Calibri" + id="text229" + class="st17 st18" + x="715.52472" + y="482.08426">ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text231" + class="st17 st18" + x="735.80505" + y="481.85086">HCO</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text233" + class="st17 st26" + x="753.9007" + y="483.85086">3</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text235" + class="st17 st26" + x="756.98865" + y="476.35086">-</text> +<text + style="font-size:10px;font-family:Calibri" + id="text237" + class="st17 st18" + x="763.59314" + y="481.23465">H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text239" + class="st17 st18" + x="727.01691" + y="449.72195">ADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text241" + class="st17 st18" + x="766.38605" + y="449.12424">Pi</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text243" + class="st15 st16" + x="790.05304" + y="468.83524">MalCoA</text> +<text + style="font-size:10px;font-family:Calibri" + id="text245" + class="st17 st18" + x="882.31775" + y="413.45636">CO</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text247" + class="st17 st26" + x="894.18292" + y="415.45636">2</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text249" + class="st15 st16" + x="914.74835" + y="432.96216">AcAcACP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text251" + class="st17 st18" + x="999.9397" + y="447.29025">14NADPH</text> +<text + style="font-size:10px;font-family:Calibri" + id="text253" + class="st17 st18" + x="1008.5541" + y="412.44064">14NADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text255" + class="st17 st18" + x="1071.347" + y="412.67795">6 H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text257" + class="st17 st26" + x="1084.9066" + y="414.67795">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text259" + class="st17 st18" + x="1087.9945" + y="412.67795">O</text> +<text + style="font-size:10px;font-family:Calibri" + id="text261" + class="st17 st18" + x="1045.3734" + y="412.36255">6 CO</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text263" + class="st17 st26" + x="1064.5677" + y="414.36255">2</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text265" + class="st15 st16" + x="1105.4926" + y="433.46994">Palm</text> +<text + style="font-size:10px;font-family:Calibri" + id="text267" + class="st17 st18" + x="949.78149" + y="447.81464">6 MalACP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text269" + class="st17 st18" + x="982.41632" + y="413.04025">7 ACP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text271" + class="st17 st18" + x="857.53351" + y="449.55005">CoA</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text273" + class="st15 st16" + x="887.2757" + y="468.92606">MalACP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text275" + class="st17 st18" + x="848.5813" + y="482.83524">ACP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text277" + class="st17 st18" + x="756.85382" + y="411.64575">CoA</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text279" + class="st15 st16" + x="791.37335" + y="434.89474">AcACP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text281" + class="st17 st18" + x="747.01202" + y="447.85574">ACP</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.59029996" + d="m 761,430.21855 c -5.4,1.2 -4.9,10.4 -4.9,10.4 m 4.5,-10.5 c 5.3,-1 4,-9.8 4,-9.8 m -64.6,89 0.4,-79.2 79.6,0" + class="st34" + inkscape:connector-curvature="0" + id="R_FASN_1" /><path + style="fill:none;stroke:#000000;stroke-width:1.72870004" + d="m 855.7,430.31855 c 6.2,-0.4 7.2,-8.3 7.2,-8.3 m 28,33.5 -10,-25.7 m -45.2,0.4 68.9,-0.3 m -20.5,0.2 c 6.1,-0.6 6.4,-8.5 6.4,-8.5" + class="st35" + inkscape:connector-curvature="0" + id="R_AcAcACPSynthesis" /><text + style="font-size:10px;font-family:Calibri" + id="text285" + class="st17 st18" + x="855.91821" + y="414.73166">ACP</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.77409995" + d="m 729.6,464.51855 c -6,1.1 -5.5,9.1 -5.5,9.1 m 5.8,-9.3 c 5.9,-0.9 4.4,-8.8 4.4,-8.8 m 30.6,8.8 c 5.9,-0.9 4.4,-8.8 4.4,-8.8 m -59.2,8.5 25.7,0.6 44.2,-0.3 m -28,0.2 c -6,1.1 -5.5,9.1 -5.5,9.1 m 25.5,-9.1 c -6,1.1 -5.5,9.1 -5.5,9.1 m -56.2,37.3 0,-47.7" + class="st36" + inkscape:label="ACACB_PRKAG2_PRKAB2_ACACA_PRKAA2" + inkscape:connector-curvature="0" + id="R_ACACB_PRKAG2_PRKAB2_ACACA_PRKAA2" /><path + style="fill:none;stroke:#000000;stroke-width:2.23090005" + d="m 1428,1116.5186 c -6.9,-2.1 -6.9,-2.1 -6.9,-2.1 l 6.9,-2.3 -1.7,2.2 1.7,2.2 z m 57.5,-14.1 c 1.8,-5.9 1.8,-5.9 1.8,-5.9 l 2.5,5.6 -2.3,-1.3 -2,1.6 z" + class="st37" + inkscape:connector-curvature="0" + id="F_ALDH3B1_ALDH3A1_ALDH3B2_ALDH1A3" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1499.2,1027.2186 -73.8,0 0,0 m 21.8,0 c -5.9,-1.6 -4.4,-14.8 -4.4,-14.8 m 43.4,14.6 c 4.7,-3.6 3.8,-14.7 1.1,-14.6" + class="st32" + inkscape:connector-curvature="0" + id="R_SLC25A3" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text290" + class="st15 st16" + x="1480.8578" + y="1008.175">H</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text292" + class="st15 st16" + x="1501.9437" + y="1029.9797">Pi</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text294" + class="st15 st16" + x="1438.8285" + y="1005.4563">H</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text296" + class="st15 st16" + x="1401.4027" + y="1030.7034">Pi</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.23090005" + d="m 1425.9,1028.9186 c -6.9,-2.1 -6.9,-2.1 -6.9,-2.1 l 6.9,-2.3 -1.7,2.2 1.7,2.2 z m 14.4,-15.2 c 2.4,-5.7 2.4,-5.7 2.4,-5.7 l 2,5.8 -2.1,-1.5 -2.3,1.4 z" + class="st37" + inkscape:connector-curvature="0" + id="F_SLC25A3" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1502.9,1072.8186 c -24.6,0 -49.2,0 -73.8,0 m 21.8,0 c -3.5,-1 -4.2,-5.1 -4.5,-8.3 -0.2,-2 -0.1,-3.9 0.1,-5.9 m 43,14 c 0.4,-4.6 2.5,-9 2.7,-13.7 0,-0.4 -0.1,-1.1 -0.7,-1.1" + class="st32" + inkscape:connector-curvature="0" + id="R_SLC25A5_SLC25A4_SLC25A6" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text300" + class="st15 st16" + x="1479.5199" + y="1049.1731">ATP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text302" + class="st15 st16" + x="1511.3929" + y="1077.179">ADP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text304" + class="st15 st16" + x="1432.8539" + y="1049.8508">ATP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text306" + class="st15 st16" + x="1391.6039" + y="1077.1125">ADP</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.23090005" + d="m 1429.5,1074.5186 c -6.9,-2.1 -6.9,-2.1 -6.9,-2.1 l 6.9,-2.3 -1.7,2.2 1.7,2.2 z m 61,-14.2 c 2.1,-5.8 2.1,-5.8 2.1,-5.8 l 2.2,5.7 -2.2,-1.4 -2.1,1.5 z" + class="st37" + inkscape:label="#F_SLC25A5_SLC25A4_SLC25A6" + inkscape:connector-curvature="0" + id="F_SLC25A5_SLC25A4_SLC25A6" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1501.4,1114.8186 -73.8,0 0,0 m 21.8,0 c -5.9,-1.4 -4.4,-13.5 -4.4,-13.5 m 41.7,-1 c 3.2,6.1 -5.5,14.6 -5.5,14.6" + class="st32" + inkscape:connector-curvature="0" + id="R_ALDH3B1_ALDH3A1_ALDH3B2_ALDH1A3" /><text + style="font-size:14px;font-family:Calibri-Bold" + id="text310" + class="st15 st38" + x="1473.5541" + y="1092.8215">GTP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text312" + class="st15 st16" + x="1509.8929" + y="1117.5793">GDP</text> +<text + style="font-size:14px;font-family:Calibri-Bold" + id="text314" + class="st15 st38" + x="1428.8754" + y="1092.8958">GTP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text316" + class="st15 st16" + x="1390.0355" + y="1119.3235">GDP</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.23090005" + d="m 1500.2,1112.5186 c 6.6,3 6.6,3 6.6,3 l -7.1,1.4 2,-2 -1.5,-2.4 z m -57.8,-10.4 c 2.4,-5.7 2.4,-5.7 2.4,-5.7 l 2,5.8 -2.1,-1.5 -2.3,1.4 z" + class="st37" + inkscape:connector-curvature="0" + id="B_ALDH3B1_ALDH3A1_ALDH3B2_ALDH1A3" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1442.3,832.21855 c -6.9,-2.1 -6.9,-2.1 -6.9,-2.1 l 6.9,-2.3 -1.7,2.2 1.7,2.2 z" + class="st32" + inkscape:label="forward AQP8 " + inkscape:connector-curvature="0" + id="F_AQP8" /><path + style="fill:none;stroke:#000000;stroke-width:1.77520001" + d="m 1493,830.41855 -50.4,0 0,0" + class="st39" + inkscape:label="AQP8 " + inkscape:connector-curvature="0" + id="R_AQP8" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1489,828.11855 c 6.6,3 6.6,3 6.6,3 l -7.1,1.4 2,-2 -1.5,-2.4 z" + class="st32" + inkscape:transform-center-y="2.6134784" + inkscape:transform-center-x="-0.38596577" + inkscape:label="backward AQP8 " + inkscape:connector-curvature="0" + id="B_AQP8" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text322" + class="st15 st16" + x="1501.9828" + y="834.84888">H</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text324" + class="st15 st40" + x="1512.0765" + y="838.04907">2</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text326" + class="st15 st16" + x="1517.0179" + y="834.84888">O</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text328" + class="st15 st16" + x="1405.2406" + y="834.85181">H</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text330" + class="st15 st40" + x="1415.3344" + y="838.052">2</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text332" + class="st15 st16" + x="1420.2758" + y="834.85181">O</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text334" + class="st15 st16" + x="1501.2924" + y="920.34888">O</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text336" + class="st15 st40" + x="1512.1127" + y="923.54907">2</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text338" + class="st15 st16" + x="1414.5111" + y="921.31366">O</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text340" + class="st15 st40" + x="1425.3314" + y="924.51385">2</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text342" + class="st15 st16" + x="1500.6859" + y="857.42798">CO</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text344" + class="st15 st40" + x="1519.8578" + y="860.6272">2</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text346" + class="st15 st16" + x="1405.0785" + y="858.29315">CO</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text348" + class="st15 st40" + x="1424.2504" + y="861.49341">2</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text350" + class="st15 st16" + x="1500.932" + y="879.84888">CoA</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text352" + class="st15 st16" + x="1400.6957" + y="879.69458">CoA</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1441.9,917.71855 c -6.9,-2.1 -6.9,-2.1 -6.9,-2.1 l 6.9,-2.3 -1.7,2.2 1.7,2.2 z" + class="st32" + inkscape:label="TransportOxygen F" + inkscape:connector-curvature="0" + id="F_TransportOxygen" /><path + style="fill:none;stroke:#000000;stroke-width:1.88160002" + d="m 1497.8,915.91855 -56.7,0 0,0" + class="st41" + inkscape:label="TransportOxygen" + inkscape:connector-curvature="0" + id="R_TransportOxygen" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1440.8,854.71855 c -6.9,-2.1 -6.9,-2.1 -6.9,-2.1 l 6.9,-2.3 -1.7,2.2 1.7,2.2 z" + class="st32" + inkscape:label="forward Transport_CO2 " + inkscape:connector-curvature="0" + id="F_Transport_CO2" /><path + style="fill:none;stroke:#000000;stroke-width:1.86150002" + d="m 1493.5,852.91855 -55.5,0 0,0" + class="st42" + inkscape:label="Transport_CO2 " + inkscape:connector-curvature="0" + id="R_Transport_CO2" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1489,850.31855 c 6.6,3 6.6,3 6.6,3 l -7.1,1.4 2,-2 -1.5,-2.4 z" + class="st32" + inkscape:transform-center-y="2.6134784" + inkscape:transform-center-x="-0.38596577" + inkscape:label="backward Transport_CO2 " + inkscape:connector-curvature="0" + id="B_Transport_CO2" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1440.8,877.21855 c -6.9,-2.1 -6.9,-2.1 -6.9,-2.1 l 6.9,-2.3 -1.7,2.2 1.7,2.2 z" + class="st32" + inkscape:label="backward SLC25A16 " + inkscape:connector-curvature="0" + id="B_SLC25A16" /><path + style="fill:none;stroke:#000000;stroke-width:1.79229999" + d="m 1492.5,875.11855 -51.4,0 0,0" + class="st43" + inkscape:label="SLC25A16 " + inkscape:connector-curvature="0" + id="R_SLC25A16" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1490.5,872.71855 c 6.6,3 6.6,3 6.6,3 l -7.1,1.4 2,-2 -1.5,-2.4 z" + class="st32" + inkscape:transform-center-y="2.6134784" + inkscape:transform-center-x="-0.38596577" + inkscape:label="forward SLC25A16 " + inkscape:connector-curvature="0" + id="F_SLC25A16" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text362" + class="st15 st16" + x="1501.2006" + y="899.49829">NH</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text364" + class="st15 st40" + x="1521.8334" + y="902.69849">3</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text366" + class="st15 st16" + x="1402.0922" + y="899.6507">NH</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text368" + class="st15 st40" + x="1422.725" + y="902.85089">3</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1439.3,896.71855 c -6.9,-2.1 -6.9,-2.1 -6.9,-2.1 l 6.9,-2.3 -1.7,2.2 1.7,2.2 z" + class="st32" + inkscape:label="forward HIBCH " + inkscape:connector-curvature="0" + id="F_HIBCH" /><path + style="fill:none;stroke:#000000;stroke-width:1.86909997" + d="m 1494.1,894.91855 -55.9,0 0,0" + class="st44" + inkscape:label="HIBCH " + inkscape:connector-curvature="0" + id="R_HIBCH" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1490.8,892.61855 c 6.6,3 6.6,3 6.6,3 l -7.1,1.4 2,-2 -1.5,-2.4 z" + class="st32" + inkscape:transform-center-y="2.6134784" + inkscape:transform-center-x="-0.38596577" + inkscape:label="backward HIBCH " + inkscape:connector-curvature="0" + id="B_HIBCH" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text373" + class="st15 st16" + x="183.5808" + y="877.27655">AKG</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text375" + class="st15 st16" + x="284.44901" + y="878.07635">AKG</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.82299995" + d="m 275.8,872.81855 -60.2,-0.3 m 44.6,0.3 c 5.9,-1.5 4.4,-13.9 4.4,-13.9 m -26.7,14.1 c -6.2,-6.3 -6.2,-9.5 -6.8,-12.7" + class="st45" + inkscape:connector-curvature="0" + id="R_SLC25A10_3" /><text + style="font-size:14px;font-family:Calibri-Bold" + id="text378" + class="st15 st38" + x="225.0891" + y="851.62427">Pi</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.35560012" + d="m 233.9,861.71855 c -2.4,-5.9 -2.4,-5.9 -2.4,-5.9 l -2.3,6 2.3,-1.5 2.4,1.4 z m 40.1,13.1 c 7.2,-2.3 7.2,-2.3 7.2,-2.3 l -7.3,-2 1.9,2.1 -1.8,2.2 z" + class="st46" + inkscape:connector-curvature="0" + id="F_SLC25A10_3" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text381" + class="st15 st16" + x="541.16345" + y="867.11346">OAA</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text383" + class="st15 st16" + x="444.4646" + y="817.42017">AcCoA</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text385" + class="st15 st16" + x="552.0061" + y="801.70825">Cit</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text387" + class="st15 st16" + x="584.02271" + y="750.14575">Isocit</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text389" + class="st15 st16" + x="720.78931" + y="750.92017">AKG</text> +<text + style="font-size:10px;font-family:Calibri" + id="text391" + class="st17 st18" + x="618.72882" + y="720.4563">NADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text393" + class="st17 st18" + x="647.54321" + y="718.54126">NADPH</text> +<text + style="font-size:10px;font-family:Calibri" + id="text395" + class="st17 st18" + x="620.67413" + y="781.10181">NAD</text> +<text + style="font-size:10px;font-family:Calibri" + id="text397" + class="st17 st18" + x="649.48175" + y="783.26978">NADH</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text399" + class="st15 st16" + x="762.93884" + y="808.12225">SuCoA</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text401" + class="st15 st16" + x="768.40649" + y="883.388">Succ</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text403" + class="st15 st16" + x="702.18781" + y="941.1272">Fum</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text405" + class="st15 st16" + x="578.7005" + y="921.75116">Mal</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.04839993" + d="m 566.7,779.01855 c -1.3,6.1 -1.3,6.1 -1.3,6.1 l 4.5,-4.4 -2.3,0.5 -0.9,-2.2 z" + class="st47" + inkscape:label="backward aconitase" + inkscape:connector-curvature="0" + id="B_ACO2_ACO1_1" /><path + style="fill:none;stroke:#000000;stroke-width:1.12699997" + d="m 566.9,782.01855 c 4.6,-9.3 11.1,-17.4 19,-23.8" + class="st48" + inkscape:connector-curvature="0" + id="R_ACO2_ACO1_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.04839993" + d="m 585.4,760.31855 c 3.7,-5 3.7,-5 3.7,-5 l -5.8,2.2 2.3,0.5 -0.2,2.3 z" + class="st47" + inkscape:label="forward aconitase" + inkscape:connector-curvature="0" + id="F_ACO2_ACO1_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.04839993" + d="m 613.2,930.01855 c -5.9,-2.2 -5.9,-2.2 -5.9,-2.2 l 3.7,5 -0.1,-2.3 2.3,-0.5 z" + class="st47" + inkscape:label="forward fumarase" + inkscape:connector-curvature="0" + id="F_FH_1" /><path + style="fill:none;stroke:#000000;stroke-width:1.53830004" + d="m 750,753.21855 c 11.4,9.5 20.7,21.6 27.4,35.6 m 7.1,-13.7 c -5.5,3.4 -13.1,1.9 -17.3,-3.3 -4.2,-5.2 -3.5,-12.4 1.5,-16.3" + class="st49" + inkscape:label="DLSTP1_DLD_OGDH_PDHX_DLST_DHTKD1_OGDHL" + inkscape:connector-curvature="0" + id="R_DLSTP1_DLD_OGDH_PDHX_DLST_DHTKD1_OGDHL" /><text + style="font-size:10px;font-family:Calibri" + id="text412" + class="st17 st18" + x="770.49744" + y="758.63306">NAD</text> +<text + style="font-size:10px;font-family:Calibri" + id="text414" + class="st17 st18" + x="788.89093" + y="758.63306">+</text> +<text + style="font-size:10px;font-family:Calibri" + id="text416" + class="st17 st18" + x="793.8714" + y="758.63306">CoA</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.4921" + d="m 804.5,854.61855 c -5.7,0.4 -11.1,-2.1 -14.1,-6.4 -3,-4.3 -3,-9.8 -0.1,-14.1 2.9,-4.3 8.3,-6.9 14,-6.5 m -18.4,38.9 c 3.7,-17.5 3.4,-35.7 -0.7,-53.3" + class="st50" + inkscape:connector-curvature="0" + id="R_KANK1_SUCLA2_SUCLG1_SUCLG2_1" /><text + style="font-size:10px;font-family:Calibri" + id="text419" + class="st17 st18" + x="812.39685" + y="828.55005">GDP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text421" + class="st17 st18" + x="830.02374" + y="828.55005">+</text> +<text + style="font-size:10px;font-family:Calibri" + id="text423" + class="st17 st18" + x="835.00421" + y="828.55005">Pi</text> +<text + style="font-size:10px;font-family:Calibri" + id="text425" + class="st17 st18" + x="814.06671" + y="857.71606">GTP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text427" + class="st17 st18" + x="830.36554" + y="857.71606">+</text> +<text + style="font-size:10px;font-family:Calibri" + id="text429" + class="st17 st18" + x="835.34601" + y="857.71606">CoA</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.41170001" + d="m 762.8,933.01855 c -4.7,-2.1 -7.7,-6.5 -7.5,-11.2 0.2,-4.7 3.4,-8.9 8.2,-10.5 4.8,-1.7 10.3,-0.5 14,2.9 m -2.6,-22 c -9,15.5 -21.4,28.8 -36.4,39.2" + class="st51" + inkscape:connector-curvature="0" + id="R_SDHA_SDHB_SDHC_SDHD" /><text + style="font-size:10px;font-family:Calibri" + id="text432" + class="st17 st18" + x="784.63501" + y="920.19165">FAD</text> +<text + style="font-size:10px;font-family:Calibri" + id="text434" + class="st17 st18" + x="764.34894" + y="943.30975">FADH</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text436" + class="st17 st26" + x="786.55115" + y="945.30975">2</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.37870002" + d="m 578.6,907.21855 c -8.4,-8.4 -15,-18.8 -19.3,-30.4 m -8,12 c 3.1,-2 7.4,-2.3 10.9,-0.8 3.6,1.6 5.8,4.7 5.8,8.2 0,3.4 -2.2,6.6 -5.8,8" + class="st52" + inkscape:connector-curvature="0" + id="R_MDH2" /><text + style="font-size:10px;font-family:Calibri" + id="text439" + class="st17 st18" + x="537.08234" + y="912.11646">NAD</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text441" + class="st15 st16" + x="451.4158" + y="732.70825">Pyr</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.24370003" + d="m 464.2,739.41855 0.2,56.6 m -0.5,-21.6 c 1.5,5.9 13.6,4.1 13.6,4.1 m -13.3,-14.1 c 1.5,5.9 13.4,4.1 13.4,4.1 m -13.1,1.8 c -1.6,-6 -12.9,-5.2 -12.9,-5.2 m 12.4,-12.6 c -1.5,-6 -12.4,-5.2 -12.4,-5.2 m 12.7,6.1 c 1.5,5.9 13.2,4.1 13.2,4.1" + class="st53" + inkscape:label="DLD_PDHX_PDHA1_DLAT_PDHA2_PDHB " + inkscape:connector-curvature="0" + id="R_DLD_PDHX_PDHA1_DLAT_PDHA2_PDHB" /><text + style="font-size:10px;font-family:Calibri" + id="text444" + class="st17 st18" + x="567.64972" + y="846.81366">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text446" + class="st17 st26" + x="573.88025" + y="848.81366">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text448" + class="st17 st18" + x="576.96814" + y="846.81366">O</text> +<text + style="font-size:10px;font-family:Calibri" + id="text450" + class="st17 st18" + x="569.51593" + y="825.74438">CoA</text> +<text + style="font-size:10px;font-family:Calibri" + id="text452" + class="st17 st18" + x="695.72681" + y="780.76196">CO</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text454" + class="st17 st26" + x="707.5921" + y="782.76196">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text456" + class="st17 st18" + x="696.48865" + y="719.4046">CO</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text458" + class="st17 st26" + x="708.35382" + y="721.4046">2</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.04839993" + d="m 664.2,952.91855 c 5.8,2.2 5.8,2.2 5.8,2.2 l -3.7,-5 0.1,2.3 -2.2,0.5 z m 27.9,-11.2 c 4.9,-3.8 4.9,-3.8 4.9,-3.8 l -6.2,0.6 2,1.1 -0.7,2.1 z" + class="st47" + inkscape:connector-curvature="0" + id="B_FH_1" /><path + style="fill:none;stroke:#000000;stroke-width:1.84920001" + d="m 666.6,952.31855 -16.4,-9.8 m 41.7,-2.8 c -33.5,7.3 -52.1,2.6 -79.1,-8.8" + class="st54" + inkscape:connector-curvature="0" + id="R_FH_1" /><text + style="font-size:10px;font-family:Calibri" + id="text462" + class="st17 st18" + x="672.46021" + y="961.96796">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text464" + class="st17 st26" + x="678.69073" + y="963.96796">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text466" + class="st17 st18" + x="681.7796" + y="961.96796">O</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.81599998" + d="m 561.8,902.51855 c -4,4 -4,4 -4,4 l 5.5,-0.9 -1.9,-1 0.4,-2.1 z m 13.6,3.9 c 6,1.7 6,1.7 6,1.7 l -4.1,-4.7 0.3,2.3 -2.2,0.7 z" + class="st55" + inkscape:connector-curvature="0" + id="B_MDH2" /><path + style="fill:none;stroke:#000000;stroke-width:1.81599998" + d="m 739.7,928.21855 c -4.1,4.7 -4.1,4.7 -4.1,4.7 l 6,-1.7 -2.2,-0.7 0.3,-2.3 z m 21.4,5.7 c 5.3,1.4 5.3,1.4 5.3,1.4 l -3.6,-4.5 0.3,2.3 -2,0.8 z" + class="st55" + inkscape:connector-curvature="0" + id="F_SDHA_SDHB_SDHC_SDHD" /><path + style="fill:none;stroke:#000000;stroke-width:1.81599998" + d="m 774.9,896.21855 c 1.3,-6.1 1.3,-6.1 1.3,-6.1 l -4.4,4.4 2.3,-0.5 0.8,2.2 z m 1.2,19.4 c 6.1,1.1 6.1,1.1 6.1,1.1 l -4.5,-4.3 0.5,2.2 -2.1,1 z" + class="st55" + inkscape:connector-curvature="0" + id="B_SDHA_SDHB_SDHC_SDHD" /><path + style="fill:none;stroke:#000000;stroke-width:1.81599998" + d="m 785.2,863.01855 c 0.1,6.2 0.1,6.2 0.1,6.2 l 3.3,-5.3 -2.1,1 -1.3,-1.9 z m 18.8,-7 c 6.1,-1.5 6.1,-1.5 6.1,-1.5 l -5.9,-2 1.4,1.8 -1.6,1.7 z" + class="st55" + inkscape:connector-curvature="0" + id="F_KANK1_SUCLA2_SUCLG1_SUCLG2_1" /><path + style="fill:none;stroke:#000000;stroke-width:1.81599998" + d="m 788.1,817.61855 c -3.6,-5.1 -3.6,-5.1 -3.6,-5.1 l 0.2,6.2 1.2,-2 2.2,0.9 z m 14.8,11.6 c 6,-1.6 6,-1.6 6,-1.6 l -5.9,-1.9 1.5,1.8 -1.6,1.7 z" + class="st55" + inkscape:connector-curvature="0" + id="B_KANK1_SUCLA2_SUCLG1_SUCLG2_1" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text473" + class="st15 st16" + x="177.26639" + y="802.27655">Fum</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text475" + class="st15 st16" + x="283.87378" + y="800.91235">Fum</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.82299995" + d="m 275.8,797.81855 -60.2,-0.3 m 44.6,0.2 c 5.9,-1.6 4.4,-15.3 4.4,-15.3 m -31.3,15.6 c -6.4,-4.5 -7.8,-15.5 -5,-15.5" + class="st45" + inkscape:connector-curvature="0" + id="R_SLC25A10_4" /><path + style="fill:none;stroke:#000000;stroke-width:2.0158999" + d="m 229.9,783.11855 c -2.1,-4.9 -2.1,-4.9 -2.1,-4.9 l -2,5 2.1,-1.3 2,1.2 z m 44.1,16.7 c 7.2,-2.3 7.2,-2.3 7.2,-2.3 l -7.3,-2 1.9,2.1 -1.8,2.2 z" + class="st56" + inkscape:label=" B SLC25A10_4" + inkscape:connector-curvature="0" + id="B_SLC25A10_4" /><path + style="fill:none;stroke:#000000;stroke-width:2.00889993" + d="m 267,783.11855 c -1.6,-5.3 -1.6,-5.3 -1.6,-5.3 l -2.3,5.1 2,-1.2 1.9,1.4 z m -50.7,12.4 c -7.2,2.4 -7.2,2.4 -7.2,2.4 l 7.4,1.9 -1.9,-2.1 1.7,-2.2 z" + class="st57" + inkscape:label="F SLC25A10_4" + inkscape:connector-curvature="0" + id="F_SLC25A10_4" /><text + style="font-size:14px;font-family:Calibri-Bold" + id="text480" + class="st15 st38" + x="260.33328" + y="777.0979">Pi</text> +<text + style="font-size:14px;font-family:Calibri-Bold" + id="text482" + class="st15 st38" + x="222.5813" + y="777.03638">Pi</text> +<text + style="font-size:10px;font-family:Calibri" + id="text484" + class="st17 st18" + x="482.52859" + y="702.16626">H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text486" + class="st17 st18" + x="444.9617" + y="668.1311">H</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text488" + class="st15 st16" + x="465.6225" + y="1131.1801">NAD</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text490" + class="st15 st16" + x="499.44772" + y="1131.5101">QH</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text492" + class="st15 st40" + x="520.51807" + y="1134.7103">2</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text494" + class="st15 st16" + x="396.8374" + y="1133.059">5 H</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.26660001" + d="m 380.1998,1138.2711 0,17.7 133.5,0 0,-17.7 m -104.6,-1.6 0,18.7 m 26.7,-18.1 0,18.2 m 49,0 0,-17 m -13,17 0,28.6" + class="st58" + inkscape:connector-curvature="0" + id="R_Complex1ROS" + inkscape:label="#R_Complex1ROS" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text505" + class="st15 st16" + x="580.42444" + y="1130.2744">2 Cytc-ox</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text507" + class="st15 st16" + x="738.55164" + y="1130.0198">2 Cytc-red</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text509" + class="st15 st16" + x="834.18854" + y="1130.3486">Q</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text511" + class="st15 st16" + x="667.68347" + y="1131.8838">2H</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text513" + class="st15 st16" + x="702.59131" + y="1130.5463">QH</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text515" + class="st15 st40" + x="723.66162" + y="1135.3677">2</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.29487193" + d="m 643.71124,1137.3649 0,18.3 195.54681,0 0,-18.3 m -159.78839,-0.3 0,18.2 m 41.6057,-17.5 0,17.4 m 65.782,0.1 0,-15.3 m -27.54973,15.6 0,24.5" + class="st60" + inkscape:connector-curvature="0" + id="R_Complex3" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text518" + class="st15 st16" + x="746.68384" + y="1199.0907">4 H</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text520" + class="st15 st16" + x="888.39905" + y="1132.1252">4 Cytc-red</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text522" + class="st15 st16" + x="1039.7281" + y="1131.0266">4 Cytc-ox</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text524" + class="st15 st16" + x="1123.9191" + y="1132.1672">2H</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text526" + class="st15 st40" + x="1145.7395" + y="1135.3684">2</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text528" + class="st15 st16" + x="1150.6809" + y="1132.1672">O</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text530" + class="st15 st16" + x="981.8186" + y="1132.9836">8H</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text532" + class="st15 st16" + x="1011.5463" + y="1132.6321">O</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text534" + class="st15 st40" + x="1022.3666" + y="1135.8323">2</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.18280005" + d="m 951.7,1138.8186 0,16.2 192.2,0 0,-16.2 m -152.2,-0.5 0,16.2 m 26.6,-15.7 0,15.8 m 53.3,-0.1 0,-13.8 m -23.8,13.8 0,25.4" + class="st61" + inkscape:connector-curvature="0" + id="R_Complex4" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text537" + class="st15 st16" + x="1035.0892" + y="1196.552">4 H</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text539" + class="st15 st16" + x="890.96515" + y="866.2962">CO</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text541" + class="st15 st40" + x="910.13702" + y="869.4964">2</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text543" + class="st15 st16" + x="962.79913" + y="866.07635">HCO</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text545" + class="st15 st40" + x="992.0647" + y="869.27655">3</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text547" + class="st15 st40" + x="997.0061" + y="857.27655">-</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.06990004" + d="m 929.8,861.11855 c -6.3,1.9 -5.8,15.6 -5.8,15.6 m 12.8,-15.5 c 6.4,1.4 4.8,12.8 4.8,12.8 m 11,-13 -36,-0.3" + class="st62" + inkscape:connector-curvature="0" + id="R_CA5B_CA5A" /><text + style="font-size:10px;font-family:Calibri" + id="text550" + class="st17 st18" + x="938.54132" + y="886.07739">H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text552" + class="st17 st18" + x="913.19171" + y="885.12616">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text554" + class="st17 st26" + x="919.42224" + y="887.12616">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text556" + class="st17 st18" + x="922.51105" + y="885.12616">O</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 1170.1,1230.7186 2.1,-7.3 2.3,7.3 -2.2,-1.8 -2.2,1.8 z" + class="st14" + inkscape:label="Glucose_DM_COOP b" + inkscape:connector-curvature="0" + id="B_Glucose_DM_COOP" /><path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 1172.1,1229.4186 0.7,48.1" + class="st14" + inkscape:label="Glucose_DM_COOP" + inkscape:connector-curvature="0" + id="R_Glucose_DM_COOP" /><a + transform="translate(1273.3622,1205.6018)" + xlink:href="http://www.genome.jp/dbget-bin/www_bget?cpd:C00031" + id="a14384-0"><text + style="font-size:16px;font-family:Calibri-Bold" + id="text561" + class="st15 st16" + transform="translate(-116.0982,12.7041)">Glc</text> +</a><path + style="fill:none;stroke:#000000;stroke-width:2.17810011" + d="m 501.1,1274.6186 2.2,7.2 2.2,-7.2 -2.2,1.8 -2.2,-1.8 z" + class="st63" + inkscape:label="Ex_SC_H2O f" + inkscape:connector-curvature="0" + id="F_Ex_SC_H2O" /><path + style="fill:none;stroke:#000000;stroke-width:2.17810011" + d="m 503.2,1227.4186 0,47.6" + class="st63" + inkscape:label="Ex_SC_H2O" + inkscape:connector-curvature="0" + id="R_Ex_SC_H2O" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text565" + class="st15 st16" + x="488.92899" + y="1219.1184">H</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text567" + class="st15 st40" + x="499.02267" + y="1222.3176">2</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text569" + class="st15 st16" + x="503.96512" + y="1219.1184">O</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.67510009" + d="m 561.7,1232.4186 -2.2,-7.1 -2.2,7.1 2.2,-1.8 2.2,1.8 z" + class="st64" + inkscape:label="Ex_O2 b" + inkscape:connector-curvature="0" + id="B_Ex_O2" /><path + style="fill:none;stroke:#000000;stroke-width:2.67510009" + d="m 559.6,1278.6186 0,-46.6" + class="st64" + inkscape:label="Ex_O2" + inkscape:connector-curvature="0" + id="R_Ex_O2" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text573" + class="st15 st16" + x="553.19659" + y="1218.1301">O</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text575" + class="st15 st40" + x="564.01691" + y="1221.3303">2</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 1236.1431,1273.3107 -2.2,7.3 -2.2,-7.3 2.2,1.8 2.2,-1.8 z" + class="st14" + inkscape:label="Glutamine_DM_COOP f" + inkscape:connector-curvature="0" + id="F_Glutamine_DM_COOP" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text579" + class="st15 st16" + x="1219.5931" + y="1218.3059">Gln</text> +<path + style="fill:none;stroke:#000000;stroke-width:3.16359997" + d="m 643.8,1274.6186 2.2,6.9 2.2,-6.9 -2.2,1.7 -2.2,-1.7 z" + class="st65" + inkscape:label="forward Ex_NH3 " + inkscape:connector-curvature="0" + id="F_Ex_NH3" /><path + style="fill:none;stroke:#000000;stroke-width:3.36989999" + d="m 645.9,1223.3186 0,51.7" + class="st66" + inkscape:label="Ex_NH3 " + inkscape:connector-curvature="0" + id="R_Ex_NH3" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text583" + class="st15 st16" + x="635.18091" + y="1219.1711">NH</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text585" + class="st15 st40" + x="655.81384" + y="1222.3713">3</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 841.2,1232.3186 2.2,-7.3 2.2,7.3 -2.2,-1.8 -2.2,1.8 z" + class="st14" + inkscape:label="DM_Folate f" + inkscape:connector-curvature="0" + id="F_DM_Folate" /><path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 843.5,1276.7186 -0.3,-48.1" + class="st14" + inkscape:label="DM_Folate" + inkscape:connector-curvature="0" + id="R_DM_Folate" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text589" + class="st15 st16" + x="821.54034" + y="1218.8098">Folate</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.31469989" + d="m 689.2,1223.4186 0,56.6" + class="st67" + inkscape:label="DM_Urea" + inkscape:connector-curvature="0" + id="R_DM_Urea" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text592" + class="st15 st16" + x="672.34991" + y="1218.9426">Urea</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.22029996" + d="m 890.5,1223.6186 0.3,50.4" + class="st68" + inkscape:label="DM_putrescine" + inkscape:connector-curvature="0" + id="R_DM_putrescine" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text595" + class="st15 st16" + x="873.35284" + y="1219.4836">Putr</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text597" + class="st15 st16" + x="1115.0238" + y="1218.8967">Lact</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.22930002" + d="m 1141.3465,1230.8815 -2.2,-7.7 -2.2,7.7 2.2,-1.9 2.2,1.9 z" + class="st69" + inkscape:label="LactateL_DM_COOP b" + inkscape:connector-curvature="0" + id="B_LactateL_DM_COOP" /><path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 501.1,1232.3186 2.1,-7.3 2.3,7.3 -2.2,-1.8 -2.2,1.8 z" + class="st14" + inkscape:label="Ex_SC_H2O b" + inkscape:connector-curvature="0" + id="B_Ex_SC_H2O" /><path + style="fill:none;stroke:#000000;stroke-width:2.17810011" + d="m 532.3,1274.6186 2.2,7.2 2.2,-7.2 -2.2,1.8 -2.2,-1.8 z" + class="st63" + inkscape:label="forward Ex_SC_H " + inkscape:connector-curvature="0" + id="F_Ex_SC_H" /><path + style="fill:none;stroke:#000000;stroke-width:2.17810011" + d="m 534.4,1227.4186 0,47.6" + class="st63" + inkscape:label="Ex_SC_Hs" + inkscape:connector-curvature="0" + id="R_Ex_SC_Hs" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text604" + class="st15 st16" + x="529.56775" + y="1219.1184">H</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 532.3,1232.3186 2.1,-7.3 2.3,7.3 -2.2,-1.8 -2.2,1.8 z" + class="st14" + inkscape:label="backward Ex_SC_H " + inkscape:connector-curvature="0" + id="B_Ex_SC_H" /><path + style="fill:none;stroke:#000000;stroke-width:2.17810011" + d="m 687.5,1275.3186 2.2,7.2 2.2,-7.2 -2.2,1.8 -2.2,-1.8 z" + class="st63" + inkscape:label="DM_Urea f" + inkscape:connector-curvature="0" + id="F_DM_Urea" /><path + style="fill:none;stroke:#000000;stroke-width:2.17810011" + d="m 888.7,1273.2186 2.2,7.2 2.2,-7.2 -2.2,1.8 -2.2,-1.8 z" + class="st63" + inkscape:label="DM_putrescine f" + inkscape:connector-curvature="0" + id="F_DM_putrescine" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text609" + class="st15 st16" + x="1258.4867" + y="1218.8098">Glu</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.22930002" + d="m 1267.4,1273.3186 2.2,7.7 2.2,-7.7 -2.2,1.9 -2.2,-1.9 z" + class="st69" + inkscape:label="Glutamate_DM_COOP f" + inkscape:connector-curvature="0" + id="F_Glutamate_DM_COOP" /><path + style="fill:none;stroke:#000000;stroke-width:2.22930002" + d="m 1270,1225.4186 0,50.5" + class="st69" + inkscape:label="Glutamate_DM_COOP" + inkscape:connector-curvature="0" + id="R_Glutamate_DM_COOP" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text613" + class="st15 st16" + x="1294.558" + y="1219.0598">Arg</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.17810011" + d="m 1305.8,1231.5186 2.2,1.8 -2.2,-7.2 -2.2,7.2 2.2,-1.8 z" + class="st63" + inkscape:label="Arginine_DM_COOP f" + inkscape:connector-curvature="0" + id="F_Arginine_DM_COOP" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text616" + class="st15 st16" + x="577.40161" + y="1218.1838">CO</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text618" + class="st15 st40" + x="598.57355" + y="1221.384">2</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.17810011" + d="m 590,1229.9186 0,47.6" + class="st63" + inkscape:label="DM_CO2c" + inkscape:connector-curvature="0" + id="R_DM_CO2c" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text622" + class="st15 st16" + x="615.26984" + y="1219.7141">Pi</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.17810011" + d="m 620.5,1233.9186 0,47.6" + class="st63" + inkscape:label="Ex_SC_Pi " + inkscape:connector-curvature="0" + id="R_Ex_SC_Pi" /><path + style="fill:none;stroke:#000000;stroke-width:2.17810011" + d="m 620.6,1232.5186 2.2,1.8 -2.2,-7.2 -2.2,7.2 2.2,-1.8 z" + class="st63" + inkscape:label="Ex_SC_Pi b" + inkscape:connector-curvature="0" + id="B_Ex_SC_Pi" /><path + style="fill:none;stroke:#000000;stroke-width:1.96669996" + d="m 587.5,1271.4186 1.9,6.8 1.9,-6.8 -1.9,1.7 -1.9,-1.7 z" + class="st70" + inkscape:label="FORWARD DM_CO2c" + inkscape:connector-curvature="0" + id="F_DM_CO2c" /><path + style="fill:none;stroke:#000000;stroke-width:2.22930002" + d="m 618.6,1275.0186 2.2,7.7 2.2,-7.7 -2.2,1.9 -2.2,-1.9 z" + class="st69" + inkscape:label="Ex_SC_Pi f" + inkscape:connector-curvature="0" + id="F_Ex_SC_Pi" /><path + style="fill:none;stroke:#000000;stroke-width:2.13409996" + d="m 927.4,1281.5186 -0.8,-56.3" + class="st71" + inkscape:label="DM_guanidinoacetatec" + inkscape:connector-curvature="0" + id="R_DM_guanidinoacetatec" /><path + style="fill:none;stroke:#000000;stroke-width:2.17810011" + d="m 927.19047,1278.0186 -2.3,-1.7 2.4,7.2 2,-7.3 -2.1,1.8 z" + class="st63" + inkscape:label="DM_guanidinoacetatec f" + inkscape:connector-curvature="0" + id="F_DM_guanidinoacetatec" /><text + style="font-size:15.99923611px;font-family:Calibri-Bold" + id="text630" + class="st15 st16" + transform="matrix(0.99984771,-0.01745156,0.01745156,0.99984771,0,0)" + x="896.45245" + y="1235.1273">GA</text> +<text + style="font-size:10px;font-family:Calibri" + id="text632" + class="st17 st18" + x="813.1839" + y="294.34796">Asp</text> +<text + style="font-size:10px;font-family:Calibri" + id="text634" + class="st17 st18" + x="847.99152" + y="294.67303">2 ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text636" + class="st17 st18" + x="838.64294" + y="261.41425">QH</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text638" + class="st17 st26" + x="851.60181" + y="263.41425">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text640" + class="st17 st18" + x="859.31573" + y="261.81076">2 ADP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text642" + class="st15 st16" + x="950.24341" + y="283.13986">UMP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text644" + class="st17 st18" + x="792.67413" + y="295.08524">Gln</text> +<text + style="font-size:10px;font-family:Calibri" + id="text646" + class="st17 st18" + x="800.29321" + y="261.82446">Glu</text> +<text + style="font-size:10px;font-family:Calibri" + id="text648" + class="st17 st18" + x="886.02863" + y="294.47684">HCO</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text650" + class="st17 st26" + x="904.12433" + y="296.47684">3</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text652" + class="st17 st26" + x="907.2132" + y="288.97684">-</text> +<text + style="font-size:10px;font-family:Calibri" + id="text654" + class="st17 st18" + x="835.15265" + y="294.92795">Q</text> +<text + style="font-size:10px;font-family:Calibri" + id="text656" + class="st17 st18" + x="875.8938" + y="294.94363">H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text658" + class="st17 st18" + x="906.9231" + y="262.21405">PPi</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text660" + class="st15 st16" + x="953.64874" + y="337.59396">UDP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text662" + class="st17 st18" + x="995.4729" + y="301.37915">ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text664" + class="st17 st18" + x="985.13312" + y="312.31955">ADP</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.5819" + d="m 937.8,332.81855 c -4.7,-0.3 -6.5,-11.7 -6.5,-11.7 m 21.4,11.5 -31.2,0.2" + class="st72" + inkscape:label="RRM2B_TXN_RRM1_RRM2_1" + inkscape:connector-curvature="0" + id="R_RRM2B_TXN_RRM1_RRM2_1" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text667" + class="st15 st16" + x="872.57452" + y="337.33325">dUDP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text669" + class="st17 st18" + x="920.89093" + y="314.44846">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text671" + class="st17 st26" + x="927.1214" + y="316.44846">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text673" + class="st17 st18" + x="930.21021" + y="314.44846">O</text> +<text + style="font-size:16.00037575px;font-family:Calibri-Bold" + id="text675" + class="st15 st16" + transform="matrix(0.99997657,-0.0068447,0.0068447,0.99997657,0,0)" + x="779.65546" + y="343.09702">dUMP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text677" + class="st17 st18" + transform="matrix(0.99990048,0.01410788,-0.01410788,0.99990048,0,0)" + x="852.72308" + y="304.24103">ADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text679" + class="st17 st18" + transform="matrix(0.9998951,-0.01448404,0.01448404,0.9998951,0,0)" + x="827.13593" + y="328.46188">ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text681" + class="st17 st18" + x="923.82745" + y="262.21405">CO</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text683" + class="st17 st26" + x="935.69275" + y="264.21405">2</text> +<text + style="font-size:16.0006218px;font-family:Calibri-Bold" + id="text685" + class="st15 st16" + transform="matrix(0.99976114,-0.02185571,0.02185571,0.99976114,0,0)" + x="673.61633" + y="353.25659">dTMP</text> +<text + style="font-size:10.00026512px;font-family:Calibri" + id="text687" + class="st17 st18" + transform="matrix(0.99997352,-0.00727731,0.00727731,0.99997352,0,0)" + x="748.1861" + y="319.31909">meTHF</text> +<text + style="font-size:10.00010777px;font-family:Calibri" + id="text689" + class="st17 st18" + transform="matrix(0.99998921,0.00464547,-0.00464547,0.99998921,0,0)" + x="731.41992" + y="310.3287">DHF</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text691" + class="st15 st16" + x="1025.2386" + y="337.24924">UTP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text693" + class="st15 st16" + x="1113.8793" + y="337.43964">CTP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text695" + class="st17 st18" + x="1079.4359" + y="317.43384">ADP+Pi</text> +<text + style="font-size:10px;font-family:Calibri" + id="text697" + class="st17 st18" + x="1039.0609" + y="317.67896">ATP+NH</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text699" + class="st17 st26" + x="1071.7709" + y="319.67896">3</text> +<text + style="font-size:10px;font-family:Calibri" + id="text701" + class="st17 st18" + x="1163.5892" + y="316.63016">ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text703" + class="st17 st18" + x="1144.7562" + y="317.36545">ADP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text705" + class="st15 st16" + x="1185.2777" + y="337.33524">CDP</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1157.5,324.71855 c -1.6,-6.1 -1.6,-6.1 -1.6,-6.1 l -1.3,6.2 1.4,-1.6 1.5,1.5 z m -7,5.6 c -7.4,1.9 -7.4,1.9 -7.4,1.9 l 7.2,2.4 -1.8,-2.2 2,-2.1 z" + class="st73" + inkscape:label="NME2_NME3_NME4_NME5_NME2P1_NME7_NME6_NME1_NME2_4" + inkscape:connector-curvature="0" + id="B_NME2_NME3_NME4_NME5_NME2P1_NME7_NME6_NME1_NME2_4" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 1174.1,335.71855 c 7.2,-2.5 7.2,-2.5 7.2,-2.5 l -7.4,-1.8 1.9,2.1 -1.7,2.2 z m -3.6,-10.9 c -1.1,-5.1 -1.1,-5.1 -1.1,-5.1 l -1.7,5 1.5,-1.2 1.3,1.3 z" + class="st22" + inkscape:label="NME2_NME3_NME4_NME5_NME2P1_NME7_NME6_NME1_NME2_4" + inkscape:connector-curvature="0" + id="F_NME2_NME3_NME4_NME5_NME2P1_NME7_NME6_NME1_NME2_4" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text709" + class="st15 st16" + x="1258.7123" + y="337.35764">CMP</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.43479991" + d="m 1198.8,339.01855 -0.1,22.4 m -0.1,-17.5 c -0.2,5.3 -9.5,7.3 -9.5,7.3" + class="st74" + inkscape:connector-curvature="0" + id="R_RRM2B_TXN_RRM1_RRM2_2" /><text + style="font-size:10px;font-family:Calibri" + id="text712" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="1168.255" + y="353.44818">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text714" + class="st17 st26" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="1174.4854" + y="355.44815">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text716" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="1177.5743" + y="353.44812">O</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text718" + class="st15 st16" + x="1175.5306" + y="382.04416">dCDP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text720" + class="st15 st16" + x="360.74741" + y="449.50314">3PPyr</text> +<text + style="font-size:10px;font-family:Calibri" + id="text722" + class="st17 st18" + x="410.62479" + y="426.49734">NADH</text> +<text + style="font-size:10px;font-family:Calibri" + id="text724" + class="st17 st18" + x="435.24878" + y="426.49734">+</text> +<text + style="font-size:10px;font-family:Calibri" + id="text726" + class="st17 st18" + x="440.22931" + y="426.49734">H</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.33130002" + d="m 446.2,443.81855 -34.2,0.2 m 20.4,0.1 c -4.3,-0.3 -6,-12.3 -6,-12.3 m 3.8,12.1 c 6.1,1.5 5.6,12.5 5.6,12.5" + class="st75" + inkscape:label="PHGDH_UBAC2 " + inkscape:connector-curvature="0" + id="R_PHGDH_UBAC2" /><text + style="font-size:10px;font-family:Calibri" + id="text729" + class="st17 st18" + x="427.62769" + y="465.14575">NAD</text> +<text + style="font-size:15.99982166px;font-family:Calibri-Bold" + id="text731" + class="st15 st16" + transform="matrix(0.99991115,-0.01332996,0.01332996,0.99991115,0,0)" + x="356.75916" + y="399.59976">3PSer</text> +<text + style="font-size:10px;font-family:Calibri" + id="text733" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="345.07333" + y="429.83682">Glu</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text735" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="333.53885" + y="420.90979">AKG</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.0948" + d="m 377,437.71855 -0.2,-34.2 m -15.7,11.7 c 9.7,-2.9 16,3.2 16,3.2 m -0.2,3.4 c -1.4,5.3 -16.7,5.1 -16.7,5.1" + class="st76" + inkscape:connector-curvature="0" + id="R_PSAT1" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 379.1,403.81855 c -2.3,-6.3 -2.3,-6.3 -2.3,-6.3 l -1.6,6.5 1.9,-1.7 2,1.5 z m -14,12.2 c -7,-1.3 -7,-1.3 -7,-1.3 l 6.9,-1.9 -1.7,1.7 1.8,1.5 z" + class="st73" + inkscape:connector-curvature="0" + id="F_PSAT1" /><path + style="fill:none;stroke:#000000;stroke-width:2.23519993" + d="m 379.2,351.31855 c -2.3,-6.3 -2.3,-6.3 -2.3,-6.3 l -1.6,6.5 1.9,-1.7 2,1.5 z" + class="st77" + inkscape:label="VPS29_PSPH_PSPHP1 forward" + inkscape:connector-curvature="0" + id="F_VPS29_PSPH_PSPHP1" /><text + style="font-size:15.99982166px;font-family:Calibri-Bold" + id="text740" + class="st15 st16" + transform="matrix(0.99991115,-0.01332996,0.01332996,0.99991115,0,0)" + x="359.90805" + y="346.62714">Ser</text> +<text + style="font-size:10px;font-family:Calibri" + id="text742" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="393.64661" + y="374.83282">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text744" + class="st17 st26" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="399.87701" + y="376.83292">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text746" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="402.96588" + y="374.83289">O</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text748" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="395.1853" + y="368.10416">Pi</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.0948" + d="m 377,367.81855 c 0.6,2.3 3,3.4 5.1,4.1 2.9,0.8 6,1.1 9,1.1 m 1.7,-11.8 c -5.4,-1.7 -11.7,-0.5 -16,3.2 m 0.3,19.3 c -0.1,-11.4 -0.1,-22.8 -0.2,-34.2" + class="st76" + inkscape:label="VPS29_PSPH_PSPHP1 " + inkscape:connector-curvature="0" + id="R_VPS29_PSPH_PSPHP1" /><text + style="font-size:15.99982166px;font-family:Calibri-Bold" + id="text751" + class="st15 st16" + transform="matrix(0.99991115,-0.01332996,0.01332996,0.99991115,0,0)" + x="360.82996" + y="259.71588">Gly</text> +<text + style="font-size:10px;font-family:Calibri" + id="text753" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="399.81461" + y="284.13171">THF</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 390.2,284.61855 c 7,-1.3 7,-1.3 7,-1.3 l -6.8,-1.9 1.7,1.7 -1.9,1.5 z m -15.6,36.9 c 2,7.3 2,7.3 2,7.3 l 2.3,-7.3 -2.2,1.8 -2.1,-1.8 z" + class="st73" + inkscape:connector-curvature="0" + id="B_SHMT1" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 425.5,435.31855 c -0.5,-7.1 -0.5,-7.1 -0.5,-7.1 l 3.5,6.2 -2,-1.2 -1,2.1 z m -11.7,11 c -6.3,-2.2 -6.3,-2.2 -6.3,-2.2 l 6.5,-1.7 -1.7,1.9 1.5,2 z" + class="st73" + inkscape:label="PHGDH_UBAC2 forward" + inkscape:connector-curvature="0" + id="F_PHGDH_UBAC2" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text757" + class="st15 st16" + x="422.2869" + y="341.40353">Pyr</text> +<text + style="font-size:10px;font-family:Calibri" + id="text759" + class="st17 st18" + x="396.70538" + y="319.50906">NH</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text761" + class="st17 st26" + x="409.3909" + y="321.50906">3</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.38170004" + d="m 398.5,338.71855 c 3.7,-0.3 5.1,-10.5 5.1,-10.5 m -16.8,10.6 26.2,-0.2" + class="st78" + inkscape:connector-curvature="0" + id="R_SDS_SDSL_SRR" /><text + style="font-size:15.99982166px;font-family:Calibri-Bold" + id="text764" + class="st15 st16" + transform="matrix(0.99991115,-0.01332996,0.01332996,0.99991115,0,0)" + x="141.05353" + y="304.02942">DHF</text> +<text + style="font-size:15.99982166px;font-family:Calibri-Bold" + id="text766" + class="st15 st16" + transform="matrix(0.99991115,-0.01332996,0.01332996,0.99991115,0,0)" + x="136.36797" + y="245.96878">Folate</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 158.1,279.71855 c 2,7.3 2,7.3 2,7.3 l 2.3,-7.3 -2.2,1.8 -2.1,-1.8 z m 14.1,-2.5 c 7,-1.3 7,-1.3 7,-1.3 l -6.9,-1.9 1.7,1.7 -1.8,1.5 z" + class="st73" + inkscape:label="DHFRL1_DHFR_2 forward" + inkscape:connector-curvature="0" + id="F_DHFRL1_DHFR_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.29760003" + d="m 159.9,281.31855 -0.2,-34.2 m 15.9,8.5 c -9.7,-2.9 -16,3.2 -16,3.2 m 0.3,11.4 c 1.4,5.3 17.3,5.1 17.3,5.1" + class="st79" + inkscape:label="DHFRL1_DHFR_2 " + inkscape:connector-curvature="0" + id="R_DHFRL1_DHFR_2" /><text + style="font-size:10px;font-family:Calibri" + id="text770" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="184.45857" + y="280.61414">NADP</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text772" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="179.325" + y="260.32965">NADPH</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text774" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="179.32498" + y="272.82965">+H</text> +<text + style="font-size:15.99982166px;font-family:Calibri-Bold" + id="text776" + class="st15 st16" + transform="matrix(0.99991115,-0.01332996,0.01332996,0.99991115,0,0)" + x="141.77278" + y="368.62994">THF</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 157.7,343.41855 c 2,7.3 2,7.3 2,7.3 l 2.3,-7.3 -2.2,1.8 -2.1,-1.8 z m 14.1,-2.5 c 7,-1.3 7,-1.3 7,-1.3 l -6.9,-1.9 1.7,1.7 -1.8,1.5 z" + class="st73" + inkscape:label="DHFRL1_DHFR_4 forward" + inkscape:connector-curvature="0" + id="F_DHFRL1_DHFR_4" /><path + style="fill:none;stroke:#000000;stroke-width:2.29760003" + d="m 159.5,345.01855 -0.2,-34.2 m 15.9,8.5 c -9.7,-2.9 -16,3.2 -16,3.2 m 0.2,11.4 c 1.4,5.3 17.3,5.1 17.3,5.1" + class="st79" + inkscape:label="DHFRL1_DHFR_4 " + inkscape:connector-curvature="0" + id="R_DHFRL1_DHFR_4" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 161.5,312.61855 c -2.3,-6.3 -2.3,-6.3 -2.3,-6.3 l -1.6,6.5 1.9,-1.7 2,1.5 z m 9.7,7.5 c 7,-1.3 7,-1.3 7,-1.3 l -6.9,-1.9 1.7,1.7 -1.8,1.5 z" + class="st73" + inkscape:label="DHFRL1_DHFR_4 " + inkscape:connector-curvature="0" + id="B_DHFRL1_DHFR_4" /><text + style="font-size:10px;font-family:Calibri" + id="text781" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="181.55092" + y="341.92856">NADP</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text783" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="177.77963" + y="322.29248">NADPH</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text785" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="177.77962" + y="334.79254">+H</text> +<text + style="font-size:15.99982166px;font-family:Calibri-Bold" + id="text787" + class="st15 st16" + transform="matrix(0.99991115,-0.01332996,0.01332996,0.99991115,0,0)" + x="122.12817" + y="433.13483">10-formyl</text> +<text + style="font-size:15.99982166px;font-family:Calibri-Bold" + id="text789" + class="st15 st16" + transform="matrix(0.99991115,-0.01332996,0.01332996,0.99991115,0,0)" + x="141.62041" + y="453.13483">THF</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 157.3,407.81855 c 2,7.3 2,7.3 2,7.3 l 2.3,-7.3 -2.2,1.8 -2.1,-1.8 z m 14.1,-2.5 c 7,-1.3 7,-1.3 7,-1.3 l -6.9,-1.9 1.7,1.7 -1.8,1.5 z" + class="st73" + inkscape:label="MTHFD1_AL445665_1_AQP7P4_LOC286297 foward" + inkscape:connector-curvature="0" + id="F_MTHFD1_AL445665_1_AQP7P4_LOC286297" /><path + style="fill:none;stroke:#000000;stroke-width:2.29760003" + d="m 159,409.41855 -0.2,-34.2 m 15.9,8.5 c -9.7,-2.9 -16,3.2 -16,3.2 m 0.3,11.4 c 1.4,5.3 17.3,5.1 17.3,5.1" + class="st79" + inkscape:label="MTHFD1_AL445665_1_AQP7P4_LOC286297 " + inkscape:connector-curvature="0" + id="R_MTHFD1_AL445665_1_AQP7P4_LOC286297" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 161.1,377.01855 c -2.3,-6.3 -2.3,-6.3 -2.3,-6.3 l -1.6,6.5 1.9,-1.7 2,1.5 z m 9.7,7.5 c 7,-1.3 7,-1.3 7,-1.3 l -6.9,-1.9 1.7,1.7 -1.8,1.5 z" + class="st73" + inkscape:label="MTHFD1_AL445665_1_AQP7P4_LOC286297 backward" + inkscape:connector-curvature="0" + id="B_MTHFD1_AL445665_1_AQP7P4_LOC286297" /><text + style="font-size:10px;font-family:Calibri" + id="text794" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="181.41222" + y="406.33478">ADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text796" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="198.51668" + y="406.33478">+</text> +<text + style="font-size:10px;font-family:Calibri" + id="text798" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="203.49713" + y="406.33481">Pi</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text800" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="176.62868" + y="387.771">for+ATP</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.29760003" + d="m 221.4,395.51855 c 1.4,5.3 17.3,5.1 17.3,5.1 m -1.6,-19.7 c -9.7,-2.9 -16,3.2 -16,3.2 m -14.9,44.3 14.4,0 0,-68 -39.6,0" + class="st79" + inkscape:label="MTHFD1_3 " + inkscape:connector-curvature="0" + id="R_MTHFD1_3" /><text + style="font-size:10px;font-family:Calibri" + id="text803" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="250.68755" + y="398.89441">NADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text805" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="274.24716" + y="398.89441">+</text> +<text + style="font-size:10px;font-family:Calibri" + id="text807" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="250.68761" + y="411.39444">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text809" + class="st17 st26" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="256.91809" + y="413.39441">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text811" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="260.00687" + y="411.39438">O</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text813" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="242.4368" + y="378.47998">NADPH+</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text815" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="242.43677" + y="390.98007">H+CO</text> +<text + style="font-size:6.09346962px;font-family:Calibri" + id="text817" + class="st17 st26" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="265.513" + y="392.98007">2</text> +<text + style="font-size:15.99982166px;font-family:Calibri-Bold" + id="text819" + class="st15 st16" + transform="matrix(0.99991115,-0.01332996,0.01332996,0.99991115,0,0)" + x="261.84116" + y="348.57727">mTHF</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09509993" + d="m 204.8,436.41855 79.8,0 0,-84 m 16,24.7 c -9.7,-2.9 -16,3.2 -16,3.2 m 0.3,11.4 c 1.4,5.3 17.3,5.1 17.3,5.1" + class="st80" + inkscape:connector-curvature="0" + id="R_MTHFD1_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 296,378.11855 c 7,-1.3 7,-1.3 7,-1.3 l -6.9,-1.9 1.7,1.7 -1.8,1.5 z m -9.3,-24.4 c -2.3,-6.3 -2.3,-6.3 -2.3,-6.3 l -1.6,6.5 1.9,-1.7 2,1.5 z" + class="st73" + inkscape:label="MTHFD1_1 forward" + inkscape:connector-curvature="0" + id="F_MTHFD1_1" /><text + style="font-size:10px;font-family:Calibri" + id="text823" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="309.67828" + y="399.18741">H</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 299.8,398.21855 c 7,-1.3 7,-1.3 7,-1.3 l -6.9,-1.9 1.7,1.7 -1.8,1.5 z m -93.6,36.5 c -6.3,2.3 -6.3,2.3 -6.3,2.3 l 6.5,1.7 -1.7,-1.9 1.5,-2.1 z" + class="st73" + inkscape:connector-curvature="0" + id="B_MTHFD1_1" /><text + style="font-size:15.99982166px;font-family:Calibri-Bold" + id="text826" + class="st15 st16" + transform="matrix(0.99991115,-0.01332996,0.01332996,0.99991115,0,0)" + x="254.19125" + y="282.20911">meTHF</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.29760003" + d="m 277.6,301.91855 c -1.6,-5.3 -17.5,-4.5 -17.5,-4.5 m 2.3,19.7 c 9.8,2.5 15.9,-3.8 15.9,-3.8 m 0.3,11.1 -0.2,-34.2" + class="st79" + inkscape:label="MTHFD2_1 " + inkscape:connector-curvature="0" + id="R_MTHFD2_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 280.6,292.01855 c -2.3,-6.3 -2.3,-6.3 -2.3,-6.3 l -1.6,6.5 1.9,-1.7 2,1.5 z m -15.6,3.3 c -7,1.6 -7,1.6 -7,1.6 l 6.9,1.6 -1.7,-1.6 1.8,-1.6 z" + class="st73" + inkscape:label="MTHFD2_1 forward" + inkscape:connector-curvature="0" + id="F_MTHFD2_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 266.3,316.11855 c -7,1.6 -7,1.6 -7,1.6 l 6.9,1.6 -1.7,-1.6 1.8,-1.6 z m 10.5,6.6 c 2,7.3 2,7.3 2,7.3 l 2.3,-7.3 -2.2,1.8 -2.1,-1.8 z" + class="st73" + inkscape:label="MTHFD2_1 backward" + inkscape:connector-curvature="0" + id="B_MTHFD2_1" /><rect + style="fill:none;stroke:#231f20;stroke-width:7;stroke-linejoin:round;stroke-miterlimit:2" + height="487.10001" + width="1218.2" + class="st81" + y="682.21857" + x="248.5" + id="rect3188" /><text + style="font-size:10px;font-family:Calibri" + id="text832" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="229.13246" + y="320.30942">NADPH</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text834" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="229.66826" + y="302.43216">NADP</text> +<text + style="font-size:16.0003109px;font-family:Calibri-Bold" + id="text836" + class="st15 st16" + transform="matrix(0.9999806,0.00622953,-0.00622953,0.9999806,0,0)" + x="748.04932" + y="1068.5068">DHF</text> +<text + style="font-size:15.99927998px;font-family:Calibri-Bold" + id="text838" + class="st15 st16" + transform="matrix(0.99984501,-0.01760548,0.01760548,0.99984501,0,0)" + x="629.1507" + y="1083.5598">Folate</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 730.9,1070.9186 c 7.4,-2 7.4,-2 7.4,-2 l -7.2,-2.3 1.8,2.2 -2,2.1 z m -2.4,-14.1 c -1.3,-7 -1.3,-7 -1.3,-7 l -1.9,6.9 1.7,-1.6 1.5,1.7 z" + class="st73" + inkscape:label="DHFRL1_DHFR_5 forward" + inkscape:connector-curvature="0" + id="F_DHFRL1_DHFR_5" /><path + style="fill:none;stroke:#000000;stroke-width:2.29760003" + d="m 732.5,1069.2186 -34.2,0 m 8.6,-15.9 c -2.9,9.6 3.1,16 3.1,16 m 11.4,-0.2 c 5.3,-1.4 5.2,-17.3 5.2,-17.3" + class="st79" + inkscape:label="DHFRL1_DHFR_5 " + inkscape:connector-curvature="0" + id="R_DHFRL1_DHFR_5" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 700.1,1066.9186 c -6.3,2.2 -6.3,2.2 -6.3,2.2 l 6.5,1.7 -1.7,-1.9 1.5,-2 z m 7.6,-9.7 c -1.3,-7 -1.3,-7 -1.3,-7 l -1.9,6.9 1.7,-1.6 1.5,1.7 z" + class="st73" + inkscape:label="DHFRL1_DHFR_5 backward" + inkscape:connector-curvature="0" + id="B_DHFRL1_DHFR_5" /><text + style="font-size:9.99962521px;font-family:Calibri" + id="text843" + class="st17 st18" + transform="matrix(0.9997375,0.02291141,-0.02291141,0.9997375,0,0)" + x="744.8653" + y="1031.0618">NADP</text> +<text + style="font-size:9.9998436px;font-family:Calibri" + id="text845" + class="st17 st18" + transform="matrix(0.99991568,-0.012986,0.012986,0.99991568,0,0)" + x="662.83777" + y="1056.4205">NADPH+H</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text847" + class="st15 st16" + transform="matrix(0.99999758,-0.00219903,0.00219903,0.99999758,0,0)" + x="825.8905" + y="1075.1088">THF</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 812.4,1070.3186 c 7.3,-2 7.3,-2 7.3,-2 l -7.2,-2.3 1.8,2.2 -1.9,2.1 z m -2.4,-14.1 c -1.3,-7 -1.3,-7 -1.3,-7 l -1.9,6.9 1.7,-1.6 1.5,1.7 z" + class="st73" + inkscape:label="DHFRL1_DHFR_6 forward" + inkscape:connector-curvature="0" + id="F_DHFRL1_DHFR_6" /><path + style="fill:none;stroke:#000000;stroke-width:2.29760003" + d="m 814,1068.5186 -34.2,0 m 8.6,-15.8 c -2.9,9.6 3.1,16 3.1,16 m 11.4,-0.2 c 5.3,-1.4 5.2,-17.3 5.2,-17.3" + class="st79" + inkscape:label="DHFRL1_DHFR_6 " + inkscape:connector-curvature="0" + id="R_DHFRL1_DHFR_6" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 781.6,1066.3186 c -6.3,2.2 -6.3,2.2 -6.3,2.2 l 6.5,1.7 -1.7,-1.9 1.5,-2 z m 7.5,-9.7 c -1.3,-7 -1.3,-7 -1.3,-7 l -1.9,6.9 1.7,-1.6 1.5,1.7 z" + class="st73" + inkscape:label="DHFRL1_DHFR_6 backward" + inkscape:connector-curvature="0" + id="B_DHFRL1_DHFR_6" /><text + style="font-size:10.00011921px;font-family:Calibri" + id="text852" + class="st17 st18" + transform="matrix(0.99998813,0.00487302,-0.00487302,0.99998813,0,0)" + x="809.07843" + y="1042.3011">NADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text854" + class="st17 st18" + transform="matrix(0.99999791,-0.00204595,0.00204595,0.99999791,0,0)" + x="756.18549" + y="1047.5868">NADPH+H</text> +<text + style="font-size:16.00077438px;font-family:Calibri-Bold" + id="text856" + class="st15 st16" + transform="matrix(0.99995156,0.00984282,-0.00984282,0.99995156,0,0)" + x="919.18933" + y="1061.8497">10-formylTHF</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 895.7,1056.5186 c -1.3,-7 -1.3,-7 -1.3,-7 l -1.9,6.9 1.7,-1.6 1.5,1.7 z m 2.4,14.1 c 7.3,-2 7.3,-2 7.3,-2 l -7.2,-2.3 1.8,2.2 -1.9,2.1 z" + class="st73" + inkscape:label="MTHFD1_AL445665_1_AQP7P4_LOC286297_2 forward" + inkscape:connector-curvature="0" + id="F_MTHFD1_AL445665_1_AQP7P4_LOC286297_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.29760003" + d="m 888.6,1068.8186 c 5.3,-1.4 5.2,-17.3 5.2,-17.3 m -19.7,1.5 c -2.9,9.6 3.1,16 3.1,16 m 22.5,-0.1 -34.2,0" + class="st79" + inkscape:label="MTHFD1_AL445665_1_AQP7P4_LOC286297_2" + inkscape:connector-curvature="0" + id="R_MTHFD1_AL445665_1_AQP7P4_LOC286297_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 875.1,1056.9186 c -1.3,-7 -1.3,-7 -1.3,-7 l -1.9,6.9 1.7,-1.6 1.5,1.7 z m -7.6,9.7 c -6.3,2.2 -6.3,2.2 -6.3,2.2 l 6.5,1.7 -1.7,-1.9 1.5,-2 z" + class="st73" + inkscape:label="MTHFD1_AL445665_1_AQP7P4_LOC286297_2 backward" + inkscape:connector-curvature="0" + id="B_MTHFD1_AL445665_1_AQP7P4_LOC286297_2" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text861" + class="st15 st16" + transform="matrix(0.9999915,0.00412203,-0.00412203,0.9999915,0,0)" + x="805.01166" + y="1025.8337">mTHF</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.3247" + d="m 900.4,1026.9186 c 5.3,-1.1 5.2,-13.8 5.2,-13.8 m -19.8,1.2 c -3,7.7 3.2,12.8 3.2,12.8 m 44.5,25.3 0.6,-25.4 -84.3,-0.1" + class="st82" + inkscape:connector-curvature="0" + id="R_MTHFD1_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 853.1,1024.7186 c -6.3,2.2 -6.3,2.2 -6.3,2.2 l 6.5,1.7 -1.7,-1.9 1.5,-2 z m 33.5,-9 c -1.3,-7 -1.3,-7 -1.3,-7 l -1.9,6.9 1.7,-1.6 1.5,1.7 z" + class="st73" + inkscape:connector-curvature="0" + id="F_MTHFD1_2" /><text + style="font-size:10px;font-family:Calibri" + id="text865" + class="st17 st18" + transform="matrix(0.99999985,5.3982362e-4,-5.3982362e-4,0.99999985,0,0)" + x="876.94342" + y="1005.7078">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text867" + class="st17 st26" + transform="matrix(0.99999985,5.3982362e-4,-5.3982362e-4,0.99999985,0,0)" + x="883.17377" + y="1007.7078">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text869" + class="st17 st18" + transform="matrix(0.99999985,5.3982362e-4,-5.3982362e-4,0.99999985,0,0)" + x="886.2627" + y="1005.7078">O</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 931.6,1049.1186 c 2.2,6.3 2.2,6.3 2.2,6.3 l 1.7,-6.5 -1.9,1.7 -2,-1.5 z m -24.1,-33.9 c -1.3,-7 -1.3,-7 -1.3,-7 l -1.9,6.9 1.7,-1.6 1.5,1.7 z" + class="st73" + inkscape:connector-curvature="0" + id="B_MTHFD1_2" /><text + style="font-size:16.00037193px;font-family:Calibri-Bold" + id="text872" + class="st15 st16" + transform="matrix(0.99997671,0.00682482,-0.00682482,0.99997671,0,0)" + x="707.71307" + y="1025.7979">meTHF</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.29760003" + d="m 791.2,1026.6186 -34.2,0 m 26.8,-15.4 c 2.6,9.7 -3.7,15.9 -3.7,15.9 m -11.3,-0.6 c -5.3,-1.6 -4.6,-17.4 -4.6,-17.4" + class="st79" + inkscape:connector-curvature="0" + id="R_MTHFD2_4" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 762.1,1013.9186 c 1.5,-7 1.5,-7 1.5,-7 l 1.7,6.9 -1.6,-1.7 -1.6,1.8 z m -3.3,10.5 c -6.3,2.2 -6.3,2.2 -6.3,2.2 l 6.5,1.7 -1.7,-1.9 1.5,-2 z" + class="st73" + inkscape:connector-curvature="0" + id="F_MTHFD2_4" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 789.6,1028.4186 c 7.3,-2 7.3,-2 7.3,-2 l -7.2,-2.3 1.8,2.2 -1.9,2.1 z m -6.7,-13.3 c 1.5,-7 1.5,-7 1.5,-7 l 1.7,6.9 -1.6,-1.7 -1.6,1.8 z" + class="st73" + inkscape:connector-curvature="0" + id="B_MTHFD2_4" /><text + style="font-size:10px;font-family:Calibri" + id="text877" + class="st17 st18" + transform="matrix(0.99989917,0.01420008,-0.01420008,0.99989917,0,0)" + x="790.88013" + y="994.28802">NADPH</text> +<text + style="font-size:10px;font-family:Calibri" + id="text879" + class="st17 st18" + transform="matrix(0.99990781,0.01357832,-0.01357832,0.99990781,0,0)" + x="760.42932" + y="995.04498">NADP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text881" + class="st15 st16" + x="315.19269" + y="786.4632">OAA</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text883" + class="st15 st16" + x="942.22101" + y="658.15649">Gln</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text885" + class="st15 st16" + x="1033.4213" + y="658.15649">Glu</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.56400001" + d="m 969.4,653.91855 53.9,0 m -19.5,0.5 c 4.6,-0.4 6.2,-11.9 6.2,-11.9 m -5.5,11.7 c -4.5,0.5 -6.6,11.7 -6.6,11.7" + class="st83" + inkscape:label="GLS2" + inkscape:connector-curvature="0" + id="R_GLS2" /><text + style="font-size:10px;font-family:Calibri" + id="text888" + class="st17 st18" + x="1000.8987" + y="636.82635">NH</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text890" + class="st17 st26" + x="1013.5844" + y="638.82635">3</text> +<text + style="font-size:10px;font-family:Calibri" + id="text892" + class="st17 st18" + x="983.43292" + y="674.4173">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text894" + class="st17 st26" + x="989.66345" + y="676.4173">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text896" + class="st17 st18" + x="992.7522" + y="674.4173">O</text> +<text + style="font-size:10px;font-family:Calibri" + id="text898" + class="st17 st18" + x="1035.5336" + y="601.31757">ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text900" + class="st17 st18" + x="1022.9135" + y="638.01587">ADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text902" + class="st17 st18" + x="989.93292" + y="602.9173">NH</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text904" + class="st17 st26" + x="1002.6184" + y="604.9173">3</text> +<text + style="font-size:10px;font-family:Calibri" + id="text906" + class="st17 st18" + x="980.08435" + y="638.513">Pi</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.11560011" + d="m 1050.4,645.51855 0,-29.9 -92.5,0 0,24 m 78.9,-24.4 c 5,-1.2 4.3,-13.1 4.3,-13.1 m -4.2,12.8 c -5.2,1 -5.3,9.2 -5.3,9.2 m -44,-8.8 c -3.7,0.9 -3.8,9 -3.8,9 m 11,-8.5 c 5,-1.1 4.3,-12 4.3,-12" + class="st84" + inkscape:label="#R_gln_synthetase" + inkscape:connector-curvature="0" + id="R_GS" /><path + style="fill:none;stroke:#000000;stroke-width:1.39260006" + d="m 956.3,660.51855 0,32.4 m 0.4,-9.9 c -2.6,2.5 9.5,6.9 9.5,6.9 m -10,-12.7 c 0.4,-4.4 -9.3,-7.5 -9.3,-7.5" + class="st85" + inkscape:label="TransportGln" + inkscape:connector-curvature="0" + id="R_TransportGln" /><path + style="fill:none;stroke:#000000;stroke-width:1.12300003" + d="m 1052,660.31855 0,32.2 m 0.1,-12.3 c 0.1,5.1 9.8,8.5 9.8,8.5 m -9.9,-9.3 c 0.2,-4.1 -8.4,-8.3 -8.4,-8.3" + class="st86" + inkscape:label="TransportGlu" + inkscape:connector-curvature="0" + id="R_TransportGlu" /><text + style="font-size:9.87795448px;font-family:Calibri" + id="text911" + class="st17 st87" + transform="scale(1.0123241,0.98782595)" + x="926.31677" + y="681.64825">H</text> +<text + style="font-size:9.87795448px;font-family:Calibri" + id="text913" + class="st17 st87" + transform="scale(1.0123241,0.98782595)" + x="962.82196" + y="702.19128">H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text915" + class="st17 st18" + x="1032.5765" + y="674.64575">H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text917" + class="st17 st18" + x="1070.2865" + y="694.58521">H</text> +<text + style="font-size:15.80470657px;font-family:Calibri-Bold" + id="text919" + class="st15 st88" + transform="scale(1.0123241,0.98782595)" + x="932.36621" + y="721.383">Gln</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text921" + class="st15 st16" + x="1040.6478" + y="712.59686">Glu</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09260011" + d="m 969.6,707.11855 63.5,0 m -30.7,0.2 c 5.9,-0.2 7.8,-7.5 7.8,-7.5 m -12.1,7.6 c -4.6,-0.4 -6.8,-9.9 -6.8,-9.9" + class="st89" + inkscape:connector-curvature="0" + id="R_GLS" /><text + style="font-size:10px;font-family:Calibri" + id="text924" + class="st17 st18" + x="1006.3949" + y="693.48657">NH</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text926" + class="st17 st26" + x="1019.0804" + y="695.48657">3</text> +<text + style="font-size:10px;font-family:Calibri" + id="text928" + class="st17 st18" + x="982.98663" + y="694.27856">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text930" + class="st17 st26" + x="989.2171" + y="696.27856">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text932" + class="st17 st18" + x="992.30591" + y="694.27856">O</text> +<text + style="font-size:16.00031662px;font-family:Calibri-Bold" + id="text934" + class="st15 st16" + transform="matrix(0.99998015,0.00630041,-0.00630041,0.99998015,0,0)" + x="1331.6912" + y="771.82178">NH</text> +<text + style="font-size:9.7501936px;font-family:Calibri-Bold" + id="text936" + class="st15 st40" + transform="matrix(0.99998015,0.00630041,-0.00630041,0.99998015,0,0)" + x="1352.3239" + y="775.02191">3</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.76709998" + d="m 1189,777.11855 0.5,-30.4 m 10.5,7.1 c -8.9,1.1 -11.1,9.1 -11.1,9.1 m 0.2,-0.1 c -0.5,5.2 10.5,8.6 10.5,8.6" + class="st90" + inkscape:connector-curvature="0" + id="R_OTC_LEFTY1" /><text + style="font-size:16.00031662px;font-family:Calibri-Bold" + id="text939" + class="st15 st16" + transform="matrix(0.99998015,0.00630041,-0.00630041,0.99998015,0,0)" + x="1180.2643" + y="782.81091">Orn</text> +<text + style="font-size:16.00031662px;font-family:Calibri-Bold" + id="text941" + class="st15 st16" + transform="matrix(0.99998015,0.00630041,-0.00630041,0.99998015,0,0)" + x="1187.484" + y="728.58057">Ci</text> +<text + style="font-size:16.00031662px;font-family:Calibri-Bold" + id="text943" + class="st15 st16" + transform="matrix(0.99998015,0.00630041,-0.00630041,0.99998015,0,0)" + x="1187.3484" + y="635.12445">Ci</text> +<text + style="font-size:16.00031662px;font-family:Calibri-Bold" + id="text945" + class="st15 st16" + transform="matrix(0.99998015,0.00630041,-0.00630041,0.99998015,0,0)" + x="1153.5397" + y="588.43402">ArgSuc</text> +<text + style="font-size:16.00031662px;font-family:Calibri-Bold" + id="text947" + class="st15 st16" + transform="matrix(0.99998015,0.00630041,-0.00630041,0.99998015,0,0)" + x="1223.7125" + y="571.21527">Arg</text> +<text + style="font-size:16.00031662px;font-family:Calibri-Bold" + id="text949" + class="st15 st16" + transform="matrix(0.99998015,0.00630041,-0.00630041,0.99998015,0,0)" + x="1230.6833" + y="630.91748">Orn</text> +<text + style="font-size:10px;font-family:Calibri" + id="text951" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="1132.3175" + y="625.07318">Asp</text> +<text + style="font-size:10px;font-family:Calibri" + id="text953" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="1147.2687" + y="625.07312">+</text> +<text + style="font-size:10px;font-family:Calibri" + id="text955" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="1152.249" + y="625.07312">ATP</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text957" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="1113.4318" + y="629.14063">AMP</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text959" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="1132.9337" + y="629.1405">+</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text961" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="1137.9142" + y="629.14056">PPi</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.0948" + d="m 1179.6,616.11855 c -2.6,-4.9 -15,-1.2 -15,-1.2 m 1.5,11.8 c 10.1,0.2 14.5,-7.4 14.5,-7.4 m -1.1,-15.4 c -3,15.1 4.9,26.9 4.9,26.9" + class="st76" + inkscape:label="ASS1 " + inkscape:connector-curvature="0" + id="R_ASS1" /><text + style="font-size:10.00030041px;font-family:Calibri" + id="text964" + class="st17 st18" + transform="matrix(0.99427012,-0.10689679,0.10689679,0.99427012,0,0)" + x="1114.6914" + y="680.83099">Fum</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.79009998" + d="m 1214.6,571.01855 c -16.6,-3.2 -28.6,8.8 -28.6,8.8 m 7.5,-5.6 c 5.9,-1.9 4.1,-12.3 4.1,-12.3" + class="st91" + inkscape:connector-curvature="0" + id="R_ASL_CRCP" /><path + style="fill:none;stroke:#000000;stroke-width:1.92120004" + d="m 1248.2,621.11855 c 4.6,-20.3 -6.2,-36.5 -6.2,-36.5 m 18.6,3.2 c -9,-1.2 -13.6,6 -13.6,6 m 0.3,3.6 c 2,3.5 14.6,1.8 14.6,1.8" + class="st92" + inkscape:connector-curvature="0" + id="R_ARG2_ARG1" /><text + style="font-size:9.99962234px;font-family:Calibri" + id="text968" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="1254.6495" + y="601.48828">H</text> +<text + style="font-size:6.09346962px;font-family:Calibri" + id="text970" + class="st17 st26" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="1260.88" + y="603.48834">2</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text972" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="1263.9689" + y="601.48822">O</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text974" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="1262.8811" + y="616.68073">Urea</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1186.7,576.11855 c -4.8,5.9 -4.8,5.9 -4.8,5.9 l 7.2,-2.4 -2.7,-0.7 0.3,-2.8 z" + class="st73" + inkscape:label="ASL_CRCP backward" + inkscape:connector-curvature="0" + id="B_ASL_CRCP" /><path + style="fill:none;stroke:#000000;stroke-width:1.3319" + d="m 1199,562.51855 c -1.6,-4.9 -1.6,-4.9 -1.6,-4.9 l -1,4.9 1.2,-1.2 1.4,1.2 z m 11.8,10.5 c 7.3,-2.2 7.3,-2.2 7.3,-2.2 l -7.3,-2.1 1.8,2.1 -1.8,2.2 z" + class="st93" + inkscape:label="ASL_CRCP forward" + inkscape:connector-curvature="0" + id="F_ASL_CRCP" /><path + style="fill:none;stroke:#000000;stroke-width:2.13980007" + d="m 1190.5,651.51855 0.1,71.7 m -0.3,-53.8 c 2.4,5.4 15.3,4 15.3,4 m -15.4,-12.9 c 2.4,5.4 15.3,4 15.3,4 m -14.9,35.9 c 1.9,-5.6 15,-5.4 15,-5.4 m -14.6,17.1 c 1.9,-5.6 15,-5.4 15,-5.4" + class="st94" + inkscape:label="SLC25A15_SLC25A2_1" + inkscape:connector-curvature="0" + id="R_SLC25A15_SLC25A2_1" /><text + style="font-size:14px;font-family:Calibri-Bold" + id="text979" + class="st15 st38" + transform="matrix(0.99980805,-0.01959226,0.01959226,0.99980805,0,0)" + x="1201.152" + y="721.48889">H</text> +<text + style="font-size:13.99942493px;font-family:Calibri-Bold" + id="text981" + class="st15 st38" + transform="matrix(0.99984109,-0.01782667,0.01782667,0.99984109,0,0)" + x="1201.3977" + y="733.09906">Orn</text> +<text + style="font-size:16.00031662px;font-family:Calibri-Bold" + id="text983" + class="st15 st16" + transform="matrix(0.99998015,0.00630041,-0.00630041,0.99998015,0,0)" + x="1287.2751" + y="577.22217">Putr</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.36409998" + d="m 1256.3,636.01855 41.1,0 0,-40.3 m 10.7,7.5 c -6.7,-1.2 -10.2,6.1 -10.2,6.1" + class="st95" + inkscape:connector-curvature="0" + id="R_OGDH_ODC1_OGDHL" /><text + style="font-size:9.99962234px;font-family:Calibri" + id="text986" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="1308.797" + y="620.35846">CO</text> +<text + style="font-size:6.09346962px;font-family:Calibri" + id="text988" + class="st17 st26" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="1320.6622" + y="622.35846">2</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text990" + class="st15 st16" + x="1340.1732" + y="712.76776">GluSA</text> +<text + style="font-size:10px;font-family:Calibri" + id="text992" + class="st17 st18" + x="1268.7523" + y="692.13495">AKG</text> +<text + style="font-size:10px;font-family:Calibri" + id="text994" + class="st17 st18" + x="1299.0814" + y="692.05975">Glu</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1306.2,700.71855 c -1.4,-7 -1.4,-7 -1.4,-7 l -1.7,6.9 1.6,-1.7 1.5,1.8 z m 21.3,8.8 c 6.3,-2.2 6.3,-2.2 6.3,-2.2 l -6.5,-1.7 1.7,1.9 -1.5,2 z" + class="st73" + inkscape:connector-curvature="0" + id="F_OAT" /><path + style="fill:none;stroke:#000000;stroke-width:2.21600008" + d="m 1239.8,707.61855 88.2,0.1 m -28.6,-0.2 c 5.4,-0.7 4.9,-7.6 4.9,-7.6 m -21.6,-4.9 c -1.9,7.9 4.4,12.5 4.4,12.5" + class="st96" + inkscape:connector-curvature="0" + id="R_OAT" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1359,688.51855 c 2.3,6.3 2.3,6.3 2.3,6.3 l 1.7,-6.5 -1.9,1.7 -2.1,-1.5 z" + class="st73" + inkscape:label="Transport_Lglu5semialdehyde backward" + inkscape:connector-curvature="0" + id="B_Transport_Lglu5semialdehyde" /><path + style="fill:none;stroke:#000000;stroke-width:2.34100008" + d="m 1361,668.81855 0.2,20" + class="st97" + inkscape:label="Transport_Lglu5semialdehyde " + inkscape:connector-curvature="0" + id="R_Transport_Lglu5semialdehyde" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1362.8,670.21855 c -0.7,-2.4 -1.3,-4.9 -2,-7.3 -0.8,2.4 -1.5,4.8 -2.3,7.3 0.7,-0.6 1.5,-1.2 2.2,-1.8 0.7,0.6 1.4,1.2 2.1,1.8 z" + class="st73" + inkscape:label="Transport_Lglu5semialdehyde forward" + inkscape:connector-curvature="0" + id="F_Transport_Lglu5semialdehyde" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1001" + class="st15 st16" + x="1336.557" + y="658.23456">GluSA</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1358.4,637.01855 c 2,6.4 2,6.4 2,6.4 l 1.9,-6.4 -1.9,1.6 -2,-1.6 z" + class="st73" + inkscape:label="ALDH4A1_2 backward" + inkscape:connector-curvature="0" + id="B_ALDH4A1_2" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1004" + class="st15 st16" + x="1352.6332" + y="608.19745">P5C</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.24119997" + d="m 1360.4,618.41855 0.1,20.4 m 0.1,-8.4 c -3,-6.6 -10.4,-6.2 -10.4,-6.2" + class="st98" + inkscape:connector-curvature="0" + id="R_ALDH4A1_2" /><text + style="font-size:9.99962234px;font-family:Calibri" + id="text1007" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="1319.298" + y="638.0332">H</text> +<text + style="font-size:6.09346962px;font-family:Calibri" + id="text1009" + class="st17 st26" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="1325.5284" + y="640.03333">2</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text1011" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="1328.6173" + y="638.03326">O</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1013" + class="st17 st18" + transform="matrix(0.99990761,-0.01359275,0.01359275,0.99990761,0,0)" + x="1371.2954" + y="643.84912">NADH+H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1015" + class="st17 st18" + transform="matrix(0.99939509,-0.03477735,0.03477735,0.99939509,0,0)" + x="1397.1116" + y="673.6972">NAD</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1017" + class="st15 st16" + x="1442.0248" + y="606.54315">Pro</text> +<text + style="font-size:10.00029469px;font-family:Calibri" + id="text1019" + class="st17 st18" + transform="matrix(0.99987054,0.01609049,-0.01609049,0.99987054,0,0)" + x="1389.0287" + y="630.53644">NADPH+H</text> +<text + style="font-size:9.99974251px;font-family:Calibri" + id="text1021" + class="st17 st18" + transform="matrix(0.99922571,-0.03934428,0.03934428,0.99922571,0,0)" + x="1378.6187" + y="707.83429">NADP</text> +<text + style="font-size:9.99983883px;font-family:Calibri" + id="text1023" + class="st17 st18" + transform="matrix(0.99971611,-0.02382647,0.02382647,0.99971611,0,0)" + x="1286.8578" + y="776.54065">NADH</text> +<text + style="font-size:9.99983883px;font-family:Calibri" + id="text1025" + class="st17 st18" + transform="matrix(0.99971611,-0.02382647,0.02382647,0.99971611,0,0)" + x="1311.4819" + y="776.54071">+</text> +<text + style="font-size:9.99983883px;font-family:Calibri" + id="text1027" + class="st17 st18" + transform="matrix(0.99971611,-0.02382647,0.02382647,0.99971611,0,0)" + x="1316.4624" + y="776.54065">H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1029" + class="st17 st18" + transform="matrix(0.99999215,0.00396135,-0.00396135,0.99999215,0,0)" + x="1303.4719" + y="727.08441">NAD+H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1031" + class="st17 st26" + transform="matrix(0.99999215,0.00396135,-0.00396135,0.99999215,0,0)" + x="1333.0753" + y="729.08441">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1033" + class="st17 st18" + transform="matrix(0.99999215,0.00396135,-0.00396135,0.99999215,0,0)" + x="1336.1642" + y="727.08441">O</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.78269994" + d="m 1360.8,720.31855 0.3,32.5 m -0.2,-19.6 c -1.4,-5 -10.8,-3.5 -10.8,-3.5 m 0.6,11.6 c 7.1,2 10.7,-4.9 10.7,-4.9" + class="st99" + inkscape:connector-curvature="0" + id="R_ALDH4A1_1" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1036" + class="st15 st16" + x="1350.3373" + y="771.66528">Glu</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1358.9,750.41855 c 2.3,6.3 2.3,6.3 2.3,6.3 l 1.7,-6.5 -1.9,1.7 -2.1,-1.5 z m -6.9,-10.7 c -7.1,0.9 -7.1,0.9 -7.1,0.9 l 6.8,2.3 -1.6,-1.8 1.9,-1.4 z" + class="st73" + inkscape:connector-curvature="0" + id="B_ALDH4A1_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1351,728.11855 c -6.9,1.7 -6.9,1.7 -6.9,1.7 l 7,1.5 -1.8,-1.6 1.7,-1.6 z m 11.8,-3.7 c -0.7,-2.4 -1.3,-4.9 -2,-7.3 -0.8,2.4 -1.5,4.8 -2.3,7.3 0.7,-0.6 1.5,-1.2 2.2,-1.8 0.7,0.5 1.4,1.2 2.1,1.8 z" + class="st73" + inkscape:connector-curvature="0" + id="F_ALDH4A1_1" /><text + style="font-size:10px;font-family:Calibri" + id="text1040" + class="st17 st18" + transform="matrix(0.99999215,0.00396135,-0.00396135,0.99999215,0,0)" + x="888.26978" + y="706.72406">NAD</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1042" + class="st17 st18" + transform="matrix(0.99999215,0.00396135,-0.00396135,0.99999215,0,0)" + x="906.66333" + y="706.72406">+</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1044" + class="st17 st18" + transform="matrix(0.99999215,0.00396135,-0.00396135,0.99999215,0,0)" + x="888.2688" + y="719.22406">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1046" + class="st17 st26" + transform="matrix(0.99999215,0.00396135,-0.00396135,0.99999215,0,0)" + x="894.50018" + y="721.22406">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1048" + class="st17 st18" + transform="matrix(0.99999215,0.00396135,-0.00396135,0.99999215,0,0)" + x="897.58905" + y="719.224">O</text> +<text + style="font-size:9.99983883px;font-family:Calibri" + id="text1050" + class="st17 st18" + transform="matrix(0.99971611,-0.02382647,0.02382647,0.99971611,0,0)" + x="824.83246" + y="730.75824">NADH+</text> +<text + style="font-size:9.99983883px;font-family:Calibri" + id="text1052" + class="st17 st18" + transform="matrix(0.99971611,-0.02382647,0.02382647,0.99971611,0,0)" + x="824.83344" + y="743.2583">H+NH</text> +<text + style="font-size:6.0936017px;font-family:Calibri" + id="text1054" + class="st17 st26" + transform="matrix(0.99971611,-0.02382647,0.02382647,0.99971611,0,0)" + x="848.72894" + y="745.25824">3</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 935,761.21855 c 1.7,6.9 1.7,6.9 1.7,6.9 l 1.5,-7 -1.6,1.7 -1.6,-1.6 z m -171.9,-16.2 c -7.2,2.4 -7.2,2.4 -7.2,2.4 l 7.4,1.9 -1.9,-2.1 1.7,-2.2 z" + class="st73" + inkscape:connector-curvature="0" + id="B_GLUD1_GLUD2_2" /><path + style="fill:none;stroke:#000000;stroke-width:1.86580002" + d="m 941.8,747.41855 c -6.2,1.5 -5.1,14.4 -5.1,14.4 m 21.3,0.1 c 2.7,-9 -4.9,-14.5 -4.9,-14.5 m 103.9,-26.4 c 0,26.3 0,26.3 0,26.3 l -295.7,0" + class="st100" + inkscape:connector-curvature="0" + id="R_GLUD1_GLUD2_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1059,725.01855 c -2.3,-7.3 -2.3,-7.3 -2.3,-7.3 l -2.1,7.3 2.1,-1.9 2.3,1.9 z m -102.6,36.5 c 1.7,6.9 1.7,6.9 1.7,6.9 l 1.5,-7 -1.6,1.7 -1.6,-1.6 z" + class="st73" + inkscape:connector-curvature="0" + id="F_GLUD1_GLUD2_2" /><text + style="font-size:10px;font-family:Calibri" + id="text1059" + class="st17 st18" + transform="matrix(0.99999215,0.00396135,-0.00396135,0.99999215,0,0)" + x="956.75903" + y="773.34814">NADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1061" + class="st17 st18" + transform="matrix(0.99999215,0.00396135,-0.00396135,0.99999215,0,0)" + x="980.31866" + y="773.34814">+</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1063" + class="st17 st18" + transform="matrix(0.99999215,0.00396135,-0.00396135,0.99999215,0,0)" + x="956.75903" + y="785.84802">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1065" + class="st17 st26" + transform="matrix(0.99999215,0.00396135,-0.00396135,0.99999215,0,0)" + x="962.9895" + y="787.84808">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1067" + class="st17 st18" + transform="matrix(0.99999215,0.00396135,-0.00396135,0.99999215,0,0)" + x="966.07831" + y="785.84814">O</text> +<text + style="font-size:9.99983883px;font-family:Calibri" + id="text1069" + class="st17 st18" + transform="matrix(0.99971611,-0.02382646,0.02382646,0.99971611,0,0)" + x="892.81866" + y="799.80231">NADPH+</text> +<text + style="font-size:9.99983883px;font-family:Calibri" + id="text1071" + class="st17 st18" + transform="matrix(0.99971611,-0.02382646,0.02382646,0.99971611,0,0)" + x="892.81866" + y="812.30237">H+NH</text> +<text + style="font-size:6.0936017px;font-family:Calibri" + id="text1073" + class="st17 st26" + transform="matrix(0.99971611,-0.02382646,0.02382646,0.99971611,0,0)" + x="916.71509" + y="814.30231">3</text> +<text + style="font-size:15.99982166px;font-family:Calibri-Bold" + id="text1075" + class="st15 st16" + transform="matrix(0.99991115,-0.01332996,0.01332996,0.99991115,0,0)" + x="610.36102" + y="1009.088">Ser</text> +<text + style="font-size:15.99982166px;font-family:Calibri-Bold" + id="text1077" + class="st15 st16" + transform="matrix(0.99991115,-0.01332996,0.01332996,0.99991115,0,0)" + x="714.42944" + y="1011.3351">Gly</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1079" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="652.00781" + y="1022.0663">THF</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 660.6,1009.4186 c 1.3,7 1.3,7 1.3,7 l 1.9,-6.9 -1.7,1.7 -1.5,-1.8 z m -2.4,-14.10005 c -7.3,2 -7.3,2 -7.3,2 l 7.3,2.3 -1.8,-2.2 1.8,-2.1 z" + class="st73" + inkscape:label="SHMT1_2 backward" + inkscape:connector-curvature="0" + id="B_SHMT1_2" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1082" + class="st15 st16" + x="316.81769" + y="625.53351">Asp</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1084" + class="st15 st16" + x="317.24249" + y="728.39868">Asp</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1086" + class="st15 st16" + x="301.33231" + y="669.98846">H</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1088" + class="st15 st16" + x="289.33328" + y="654.96118">Glu</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1090" + class="st15 st16" + x="359.73318" + y="710.5979">H</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1092" + class="st15 st16" + x="356.95441" + y="697.87531">Glu</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.82299995" + d="m 330.6,717.91855 0.2,-81.5 m 0,65.8 c 1.9,5.9 17.6,4.4 17.6,4.4 m -34.6,-41.3 c 5,-3.9 17.8,4.8 17.8,4.8 m -17.9,-17.1 c 4.7,-4.2 18.1,3.8 18.1,3.8 m -1,32.6 c 1.9,5.9 17.6,4.4 17.6,4.4" + class="st45" + inkscape:label="SLC25A13_SLC25A12" + inkscape:connector-curvature="0" + id="R_SLC25A13_SLC25A12" /><path + style="fill:none;stroke:#000000;stroke-width:2.82299995" + d="m 345.2,696.41855 c 7.3,-2.2 7.3,-2.2 7.3,-2.2 l -7.3,-2.1 1.8,2.1 -1.8,2.2 z m -12.3,-57.1 c -2.3,-7.2 -2.3,-7.2 -2.3,-7.2 l -2,7.3 2.1,-1.9 2.2,1.8 z m 13.2,69.9 c 7.3,-2.2 7.3,-2.2 7.3,-2.2 l -7.3,-2.1 1.8,2.1 -1.8,2.2 z" + class="st45" + inkscape:label="#SLC25A13_SLC25A12" + inkscape:connector-curvature="0" + id="F_SLC25A13_SLC25A12" /><path + style="fill:none;stroke:#000000;stroke-width:2.49320006" + d="m 1491.4,754.31855 -49,-0.2" + class="st101" + inkscape:label="Transport_serine " + inkscape:connector-curvature="0" + id="R_Transport_serine" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 1443.1,752.01855 c -7.2,2.4 -7.2,2.4 -7.2,2.4 l 7.4,1.9 -1.9,-2.1 1.7,-2.2 z" + class="st22" + inkscape:label="Transport_serine f" + inkscape:connector-curvature="0" + id="F_Transport_serine" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1098" + class="st15 st16" + x="1409.9398" + y="758.43781">Ser</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1100" + class="st15 st16" + x="1501.6996" + y="758.50806">Ser</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.48900008" + d="m 1490.5,773.81855 -48.1,-0.2" + class="st102" + inkscape:label="Transport_glycine " + inkscape:connector-curvature="0" + id="R_Transport_glycine" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 1443.1,771.51855 c -7.2,2.4 -7.2,2.4 -7.2,2.4 l 7.4,1.9 -1.9,-2.1 1.7,-2.2 z" + class="st22" + inkscape:label="Transport_glycine backward" + inkscape:connector-curvature="0" + id="B_Transport_glycine" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 1489.9,775.81855 c 7.2,-2.3 7.2,-2.3 7.2,-2.3 l -7.3,-2 1.9,2.1 -1.8,2.2 z" + class="st22" + inkscape:transform-center-y="-3.0492074" + inkscape:transform-center-x="0.87100132" + inkscape:label="Transport_glycine forward" + inkscape:connector-curvature="0" + id="F_Transport_glycine" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1105" + class="st15 st16" + x="1408.141" + y="776.79517">Gly</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1107" + class="st15 st16" + x="1502.0004" + y="777.33026">Gly</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.51880002" + d="m 1497,792.51855 -55.2,-0.2" + class="st103" + inkscape:label="TransportFolate" + inkscape:connector-curvature="0" + id="R_TransportFolate" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 1442.5,790.21855 c -7.2,2.4 -7.2,2.4 -7.2,2.4 l 7.4,1.9 -1.9,-2.1 1.7,-2.2 z" + class="st22" + inkscape:label="TransportFolate f" + inkscape:connector-curvature="0" + id="F_TransportFolate" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1111" + class="st15 st16" + x="1386.1674" + y="797.35956">Folate</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1113" + class="st15 st16" + x="1501.8568" + y="795.38885">Folate</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.49620008" + d="m 1491.2,812.71855 -49.7,-0.2" + class="st104" + inkscape:label="SLC16A3_SLC16A1_SLC16A5_2 " + inkscape:connector-curvature="0" + id="R_SLC16A3_SLC16A1_SLC16A5_2" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1116" + class="st15 st16" + x="1375.0873" + y="814.86646">Formate</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1118" + class="st15 st16" + x="1501.4066" + y="815.80499">Formate</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1120" + class="st17 st18" + x="485.40158" + y="115.15945">ATP</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.0948" + d="m 467.4,101.01855 c 0,31.2 0,31.2 0,31.2 m 11.4,-18.7 c -7,-2.9 -11.5,3.3 -11.5,3.3 m 0.2,3.4 c 0.8,5.5 10.2,5.3 10.2,5.3" + class="st76" + inkscape:label="GCK_HKDC1_HK1_ADPGK_HK2_HK3 " + inkscape:connector-curvature="0" + id="R_GCK_HKDC1_HK1_ADPGK_HK2_HK3" /><path + style="fill:none;stroke:#000000;stroke-width:1.67910004" + d="m 467.6,565.81855 0,27.6 0,-27.6 z m 0,12.8 c 0.9,5 10.8,4.8 10.8,4.8 m 0.5,-11 c -6.9,-2.7 -11.3,3 -11.3,3" + class="st105" + inkscape:connector-curvature="0" + id="R_PKM_TMEM54_PKLR_HCN3" /><path + style="fill:none;stroke:#000000;stroke-width:2.0948" + d="m 467.4,210.91855 0,31.1 0,-31.1 z m 0.3,14.8 c 0.9,5.5 11.1,5.3 11.1,5.3 m 3.7,-11.9 c -8.8,-2.9 -14.6,3.3 -14.6,3.3" + class="st76" + inkscape:connector-curvature="0" + id="R_PFKP_PFKL_PFKM_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.0948" + d="m 463.2,324.21855 0,37.2 0,-37.2 z m -0.3,18.2 c 1,5.5 11.8,5.2 11.8,5.2 m 2.5,-13 c -8.1,-2.9 -13.4,3.3 -13.4,3.3" + class="st76" + inkscape:connector-curvature="0" + id="R_GAPDHS_GAPDH_GAPDHP29" /><path + style="fill:none;stroke:#000000;stroke-width:2.0948" + d="m 467.3,389.21855 0,37.2 0,-37.2 z m 0.4,15.4 c 0.8,5.6 9.7,5.3 9.7,5.3 m 2.5,-11.9 c -7.3,-3 -12,3.4 -12,3.4" + class="st76" + inkscape:connector-curvature="0" + id="R_CRISP3_PGK1_MIA3_PGK2" /><path + style="fill:none;stroke:#000000;stroke-width:1.81210005" + d="m 467,524.81855 c 1.1,4.4 13,4.2 13,4.2 m -13.1,-13 c 0,24.3 0,24.3 0,24.3" + class="st106" + inkscape:label="R_ENO1_ENO3_ENO2 " + inkscape:connector-curvature="0" + id="R_ENO1_ENO3_ENO2" /><path + style="fill:none;stroke:#000000;stroke-width:1.58019996" + d="m 479.9,153.01855 45.9,0 -45.9,0 z m 33,8.4 c 2.6,-5.3 -3.5,-8.6 -3.5,-8.6 m -16.6,0.1 c -4.9,1.2 -4.4,12.7 -4.4,12.7" + class="st107" + inkscape:connector-curvature="0" + id="R_G6PD" /><path + style="fill:none;stroke:#000000;stroke-width:1.53460002" + d="m 565.3,154.11855 c 7.9,0 15.7,0 23.6,0 m -8.7,0.1 c -1.9,0.2 -3.2,1.9 -3.9,3.4 -1.3,2.6 -1.9,5.6 -2.3,8.5" + class="st108" + inkscape:connector-curvature="0" + id="R_H6PD_PGLS" /><path + style="fill:none;stroke:#000000;stroke-width:1.82930005" + d="m 638.3,154.51855 46.1,0 -46.1,0 z m 36.6,9.4 c 2.4,-5.6 -3.7,-9.1 -3.7,-9.1 m -23.3,-0.2 c -5,1.1 -4.3,12 -4.3,12" + class="st109" + inkscape:connector-curvature="0" + id="R_PGD" /><path + style="fill:none;stroke:#000000;stroke-width:1.61259997" + d="m 968,293.11855 -0.2,25.4 m 12.8,-19.5 c -8.2,-1.5 -12.6,4.8 -12.6,4.8 m 0,2.6 c 1.7,4.8 13.1,3 13.1,3" + class="st110" + inkscape:label="CMPK2_CMPK1_1" + inkscape:connector-curvature="0" + id="R_CMPK2_CMPK1_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.54340005" + d="m 759.4,333.41855 c 2.5,-0.6 3.4,-3.4 4,-5.6 0.5,-2.3 0.7,-4.7 0.7,-7 m -24.6,-0.6 c -1.6,4.5 -0.3,9.8 3.1,13.1 m -13.7,0 c 14.6,-0.1 29.2,-0.2 43.8,-0.3" + class="st111" + inkscape:connector-curvature="0" + id="R_TYMS" /><path + style="fill:none;stroke:#000000;stroke-width:1.75189996" + d="m 1088.6,332.81855 c 5.1,-1 3.8,-8.7 3.8,-8.7 m -24.6,-2.4 c -1.7,7.1 3.5,11.2 3.5,11.2 m -16.1,0 49.8,0.2" + class="st112" + inkscape:connector-curvature="0" + id="R_CTPS2_GATM_CTPS1" /><path + style="fill:none;stroke:#000000;stroke-width:1.82930005" + d="m 1146.5,332.61855 28.3,0.4 m -18.4,-9.2 c -2.2,5.6 3.9,8.9 3.9,8.9 m 4.8,0 c 5,-0.9 4,-8.9 4,-8.9" + class="st109" + inkscape:label="NME2_NME3_NME4_NME5_NME2P1_NME7_NME6_NME1_NME2_4" + inkscape:connector-curvature="0" + id="R_NME2_NME3_NME4_NME5_NME2P1_NME7_NME6_NME1_NME2_4" /><text + style="font-size:14px;font-family:Calibri-Bold" + id="text1135" + class="st15 st38" + transform="matrix(0.99980805,-0.01959226,0.01959226,0.99980805,0,0)" + x="1196.0963" + y="700.7312">H</text> +<text + style="font-size:13.99942493px;font-family:Calibri-Bold" + id="text1137" + class="st15 st38" + transform="matrix(0.99984109,-0.01782667,0.01782667,0.99984109,0,0)" + x="1194.2786" + y="688.07074">Orn</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.52830005" + d="m 1425.4,612.11855 c 1,-2.3 0.5,-5 -1.1,-6.9 -0.6,-0.7 -1.2,-1.3 -1.9,-1.8 m -20,0.2 c -2.5,0.5 -3.6,3.7 -4.1,6.4 -0.3,2 -0.5,4.1 -0.4,6.1 m 34.9,-12.9 c -16.4,0.1 -32.8,0.1 -49.1,0.2" + class="st113" + inkscape:connector-curvature="0" + id="R_PYCRL_PYCR2_PYCR1_LEFTY1_1" /><path + style="fill:none;stroke:#000000;stroke-width:1.80159998" + d="m 1428.9,640.21855 c 0.3,-6.1 -4.8,-8.7 -4.8,-8.7 m -22.3,0.4 c -3.9,-1.2 -5.4,12.6 -5.4,12.6 m -21.7,-31.8 0,19 75.8,0.1 0,-19" + class="st114" + inkscape:connector-curvature="0" + id="R_PYCRL_PYCR2_PYCR1_LEFTY1_2" /><path + style="fill:none;stroke:#000000;stroke-width:3.13759995" + d="m 1050.3,713.41855 c 0,26.9 0,26.9 0,26.9 l -293.5,0 m 98.1,-9.5 c -1.8,5.9 2.3,9.7 2.3,9.7 m 33.9,-0.2 c 3.4,-1.3 3.1,-14.8 3.1,-14.8" + class="st115" + inkscape:connector-curvature="0" + id="R_GLUD1_GLUD2_1" /><text + style="font-size:10px;font-family:Calibri" + id="text1142" + class="st17 st18" + transform="matrix(0.99999985,5.3982362e-4,-5.3982362e-4,0.99999985,0,0)" + x="904.09766" + y="1005.4383">H</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1144" + class="st15 st16" + x="1486.4927" + y="394.78244">PPi</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1146" + class="st17 st18" + x="1531.7222" + y="374.82935">Pi</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1148" + class="st15 st16" + x="1554.2847" + y="394.81766">Pi</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1150" + class="st17 st18" + x="1510.5044" + y="374.69266">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1152" + class="st17 st26" + x="1516.7349" + y="376.69266">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1154" + class="st17 st18" + x="1519.8237" + y="374.69266">O</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1156" + class="st15 st16" + x="1484.4966" + y="349.50125">CO</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text1158" + class="st15 st40" + x="1503.6685" + y="352.70145">2</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1160" + class="st15 st16" + x="1556.1343" + y="349.02563">HCO</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text1162" + class="st15 st40" + x="1585.3999" + y="352.22586">3</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text1164" + class="st15 st40" + x="1590.3413" + y="340.22586">-</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.80649996" + d="m 1525.5,346.01855 c -5.4,-1.7 -4.9,-14 -4.9,-14 m 10.8,14.3 c 5.5,-1.1 4.1,-10.6 4.1,-10.6 m 9,10.6 -33.9,-0.3" + class="st116" + inkscape:label="CA12_CA2_CA9_CA14_CA1_CA3_CA4_CA7_CA13" + inkscape:connector-curvature="0" + id="R_CA12_CA2_CA9_CA14_CA1_CA3_CA4_CA7_CA13" /><text + style="font-size:10px;font-family:Calibri" + id="text1167" + class="st17 st18" + x="1532.2759" + y="326.92114">H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1169" + class="st17 st18" + x="1511.0825" + y="328.17014">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1171" + class="st17 st26" + x="1517.313" + y="330.17014">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1173" + class="st17 st18" + x="1520.4019" + y="328.17014">O</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1424.9,550.31855 c 7.2,-2.5 7.2,-2.5 7.2,-2.5 l -7.4,-1.8 1.9,2.1 -1.7,2.2 z m -9.1,-14.8 c -1.4,-7 -1.4,-7 -1.4,-7 l -1.8,6.9 1.6,-1.7 1.6,1.8 z" + class="st73" + inkscape:label="AGAT forward" + inkscape:connector-curvature="0" + id="F_AGAT" /><path + style="fill:none;stroke:#000000;stroke-width:2.16529989" + d="m 1402.1,532.41855 c -2.7,9.7 3.5,15.9 3.5,15.9 m 3.4,-0.2 c 5.4,-1.2 4.9,-14.2 4.9,-14.2 m -25.2,14.2 39.4,0.1" + class="st117" + inkscape:connector-curvature="0" + id="R_AGAT" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1391.4,546.31855 c -7.2,2.4 -7.2,2.4 -7.2,2.4 l 7.4,1.9 -1.9,-2.1 1.7,-2.2 z m 11.6,-10 c -1.4,-7 -1.4,-7 -1.4,-7 l -1.8,6.9 1.6,-1.7 1.6,1.8 z" + class="st73" + inkscape:label="AGAT backward" + inkscape:connector-curvature="0" + id="B_AGAT" /><text + style="font-size:16.00031662px;font-family:Calibri-Bold" + id="text1178" + class="st15 st16" + transform="matrix(0.99998015,0.00630041,-0.00630041,0.99998015,0,0)" + x="1439.4275" + y="543.42334">Orn</text> +<text + style="font-size:16.00031662px;font-family:Calibri-Bold" + id="text1180" + class="st15 st16" + transform="matrix(0.99998015,0.00630041,-0.00630041,0.99998015,0,0)" + x="1360.4196" + y="542.20752">Arg</text> +<text + style="font-size:10.00020409px;font-family:Calibri" + id="text1182" + class="st17 st18" + transform="matrix(0.99997957,0.00639185,-0.00639185,0.99997957,0,0)" + x="1391.7148" + y="578.39606">H</text> +<text + style="font-size:6.09382439px;font-family:Calibri" + id="text1184" + class="st17 st26" + transform="matrix(0.99997957,0.00639185,-0.00639185,0.99997957,0,0)" + x="1397.9453" + y="580.39606">2</text> +<text + style="font-size:10.00020409px;font-family:Calibri" + id="text1186" + class="st17 st18" + transform="matrix(0.99997957,0.00639185,-0.00639185,0.99997957,0,0)" + x="1401.0333" + y="578.396">O</text> +<text + style="font-size:10.000103px;font-family:Calibri" + id="text1188" + class="st17 st18" + transform="matrix(0.99968968,0.0249107,-0.0249107,0.99968968,0,0)" + x="1421.3773" + y="552.20471">NH</text> +<text + style="font-size:6.09376287px;font-family:Calibri" + id="text1190" + class="st17 st26" + transform="matrix(0.99968968,0.0249107,-0.0249107,0.99968968,0,0)" + x="1434.0627" + y="554.20477">3</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.58570004" + d="m 1372.7,556.21855 0,8 59.7,0 m -27.9,0.1 c -5.2,1.1 -4.6,11.9 -4.6,11.9 m 11.8,-2.8 c 1.3,-5.8 -4.6,-9 -4.6,-9" + class="st118" + inkscape:connector-curvature="0" + id="R_arginineAmidinohydrolase" /><text + style="font-size:16.00031662px;font-family:Calibri-Bold" + id="text1193" + class="st15 st16" + transform="matrix(0.99998015,0.00630041,-0.00630041,0.99998015,0,0)" + x="1443.032" + y="560.49847">Ci</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1195" + class="st15 st16" + x="141.67799" + y="620.84399">Asn</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1197" + class="st17 st18" + x="169.63359" + y="597.4563">Glu</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1199" + class="st17 st18" + x="183.491" + y="597.4563">+</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1201" + class="st17 st18" + x="188.4715" + y="597.4563">AMP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1203" + class="st17 st18" + x="207.97339" + y="597.4563">+</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1205" + class="st17 st18" + x="212.95389" + y="597.4563">PPi</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1207" + class="st17 st18" + x="235.44168" + y="597.802">Gln+ATP+H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1209" + class="st17 st26" + x="280.53448" + y="599.802">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1211" + class="st17 st18" + x="283.6228" + y="597.802">O</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.13490009" + d="m 177.6,614.01855 c 45.3,0 90.7,0.1 136,0.1 m -53.3,-0.7 c 4.3,-2.2 4.3,-7.9 4.6,-12.1 l 0,-0.6 0,-0.5 m -62.9,4.2 c -1.9,3.5 0.5,7.2 3.5,9.1" + class="st119" + inkscape:connector-curvature="0" + id="R_ASNS" /><text + style="font-size:10px;font-family:Calibri" + id="text1214" + class="st17 st18" + x="178.00999" + y="646.13007">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1216" + class="st17 st26" + x="184.24049" + y="648.13007">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1218" + class="st17 st18" + x="187.32939" + y="646.13007">O</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1220" + class="st17 st18" + x="215.13109" + y="645.87531">NH</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1222" + class="st17 st26" + x="227.8167" + y="647.87531">3</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1224" + class="st15 st16" + x="312.49149" + y="443.98465">Fum</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1226" + class="st15 st16" + x="311.30301" + y="503.79126">Mal</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1228" + class="st17 st18" + x="289.62579" + y="470.02274">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1230" + class="st17 st26" + x="295.8562" + y="472.02274">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1232" + class="st17 st18" + x="298.94458" + y="470.02274">O</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1234" + class="st15 st16" + x="310.03931" + y="565.5257">OAA</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1236" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="364.86237" + y="538.48999">GTP</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text1238" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="378.13837" + y="544.30634">GDP+CO</text> +<text + style="font-size:6.09346962px;font-family:Calibri" + id="text1240" + class="st17 st26" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="412.61111" + y="546.30634">2</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.3204" + d="m 397.8,557.61855 c 6.3,-1 6,-11.8 6,-11.8 m -31.2,-3.5 c -2.3,9.4 2.6,15.5 2.6,15.5 m 62.1,-0.2 -98.3,0.2" + class="st120" + inkscape:connector-curvature="0" + id="R_PEPCK" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1243" + class="st15 st16" + x="562.0647" + y="582.62531">Iso</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1245" + class="st17 st18" + x="583.12042" + y="558.49048">NADPH</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1247" + class="st15 st16" + x="666.13904" + y="582.9212">AKG</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1249" + class="st17 st18" + x="584.34894" + y="600.24438">NADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1251" + class="st17 st18" + x="634.66632" + y="558.13007">CO</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1253" + class="st17 st26" + x="646.53149" + y="560.13007">2</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1255" + class="st15 st16" + x="254.8035" + y="672.10089">Fum</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1257" + class="st17 st18" + x="235.65359" + y="644.21405">NH</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1259" + class="st17 st26" + x="248.33908" + y="646.21405">3</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1261" + class="st15 st16" + x="354.87671" + y="645.8938">Ala</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 430.6,634.41855 c -1.4,-7 -1.4,-7 -1.4,-7 l -1.7,6.9 1.6,-1.7 1.5,1.8 z m 25.2,-8.7 c -2.2,-6.3 -2.2,-6.3 -2.2,-6.3 l -1.7,6.5 1.9,-1.7 2,1.5 z" + class="st73" + inkscape:label="NIT2 b" + inkscape:connector-curvature="0" + id="B_NIT2" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 410.3,635.21855 c -0.5,-2.3 -1,-4.7 -1.4,-7 -0.6,2.3 -1.2,4.6 -1.7,6.9 0.5,-0.6 1.1,-1.1 1.6,-1.7 0.4,0.6 1,1.2 1.5,1.8 l 0,0 z m -21.4,4.9 c -2.5,0.6 -4.9,1.3 -7.4,1.9 2.4,0.8 4.8,1.6 7.2,2.4 -0.6,-0.7 -1.2,-1.5 -1.8,-2.2 0.8,-0.7 1.4,-1.4 2,-2.1 l 0,0 z" + class="st73" + inkscape:label="NIT2" + inkscape:connector-curvature="0" + id="F_NIT2" /><text + style="font-size:10px;font-family:Calibri" + id="text1265" + class="st17 st18" + x="396.95239" + y="626.41815">AKG</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1267" + class="st17 st18" + x="420.85379" + y="626.40259">Glu</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1269" + class="st15 st16" + x="409.09311" + y="1219.8303">Biomass</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.22930002" + d="m 434.5,1275.0186 2.2,7.7 2.2,-7.7 -2.2,1.9 -2.2,-1.9 z" + class="st69" + inkscape:label="biomass_synthesis f" + inkscape:connector-curvature="0" + id="F_biomass_synthesis" /><path + style="fill:none;stroke:#000000;stroke-width:2.22930002" + d="m 436.5,1224.9186 0,50.5" + class="st69" + inkscape:label="biomass_synthesis" + inkscape:connector-curvature="0" + id="R_biomass_synthesis" /><path + style="fill:none;stroke:#000000;stroke-width:1.68139994" + d="m 407.6,610.21855 c -5.4,-0.8 -5.1,-9.5 -5.1,-9.5 m 35.5,-3.8 c 2.8,7.9 -3.2,13.1 -3.2,13.1 m 14.4,-0.2 c -62.3,0 -62.3,0 -62.3,0" + class="st121" + inkscape:label="#R_LDHD" + inkscape:connector-curvature="0" + id="R_LDH" /><text + style="font-size:10px;font-family:Calibri" + id="text1274" + class="st17 st18" + x="657.13702" + y="176.49825">NADPH+</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1276" + class="st17 st18" + x="657.13702" + y="188.99825">H+CO2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1278" + class="st17 st18" + x="498.32352" + y="174.68045">NADPH</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1280" + class="st17 st18" + x="528.11365" + y="174.68045">+H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1282" + class="st17 st18" + x="420.31329" + y="593.42896">NADH</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1284" + class="st17 st18" + x="444.93729" + y="593.42896">+</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1286" + class="st17 st18" + x="449.91779" + y="593.42896">H</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.90479994" + inkscape:connector-curvature="0" + d="m 467.5,711.91855 -0.2,-89.3 m 0.3,71.6 c 1.4,5.7 13.2,4.2 13.2,4.2 m -13.5,-30 c -1.7,-4.3 -14.4,-3.9 -14.4,-3.9" + class="st122" + id="R_MPC1_MPC2_MPC1L" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 465,710.11855 c 2.3,6.3 2.3,6.3 2.3,6.3 l 1.6,-6.5 -1.9,1.7 -2,-1.5 z" + class="st73" + inkscape:label="MPC1_MPC2_MPC1L forward" + inkscape:connector-curvature="0" + id="F_MPC1_MPC2_MPC1L" /><text + style="font-size:10px;font-family:Calibri" + id="text1290" + class="st17 st18" + x="432.4104" + y="750.59888">NAD</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1292" + class="st17 st18" + x="434.51151" + y="767.7298">CoA</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1294" + class="st17 st18" + x="485.1048" + y="782.6712">CO</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1296" + class="st17 st26" + x="496.97" + y="784.6712">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1298" + class="st17 st18" + x="484.4744" + y="761.19745">NADH</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1300" + class="st17 st18" + x="485.61499" + y="772.3714">H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1302" + class="st17 st18" + x="580.08624" + y="699.8714">Mal</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1304" + class="st17 st18" + x="520.5755" + y="664.80096">Mal</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.25819993" + d="m 559.6,784.71855 -0.1,-252.5 m 0.1,159.4 c 1.4,5.6 13.3,4.2 13.3,4.2 m -13.4,-29.7 c -1.7,-4.2 -14.5,-3.9 -14.5,-3.9" + class="st123" + inkscape:label="SLC25A1" + inkscape:connector-curvature="0" + id="R_SLC25A1" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1307" + class="st15 st16" + x="554.77374" + y="523.11255">Cit</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 568.4,536.41855 c 2.2,-7.3 2.2,-7.3 2.2,-7.3 l 2.2,7.3 -2.2,-1.8 -2.2,1.8 z" + class="st14" + inkscape:label="ACO1_IREB2 b" + inkscape:connector-curvature="0" + id="B_ACO1_IREB2" /><path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 568.6,562.11855 c 2.2,7.3 2.2,7.3 2.2,7.3 l 2.2,-7.3 -2.2,1.8 -2.2,-1.8 z" + class="st14" + inkscape:label="ACO1_IREB2 f" + inkscape:connector-curvature="0" + id="F_ACO1_IREB2" /><path + style="fill:none;stroke:#000000;stroke-width:1.92060006" + d="m 570.4,535.51855 c 0,27.3 0,27.3 0,27.3" + class="st124" + inkscape:label="ACO1_IREB2" + inkscape:connector-curvature="0" + id="R_ACO1_IREB2" /><text + style="font-size:10px;font-family:Calibri" + id="text1312" + class="st17 st18" + x="887.51202" + y="262.06564">2 Pi</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 477.8,123.71855 c 4.9,2 4.9,2 4.9,2 l -5.6,1.3 1.7,-1.6 -1,-1.7 z m -12.4,8 c 2.2,7.3 2.2,7.3 2.2,7.3 l 2.2,-7.3 -2.2,1.8 -2.2,-1.8 z" + class="st30" + inkscape:label="GCK_HKDC1_HK1_ADPGK_HK2_HK3 f" + inkscape:connector-curvature="0" + id="F_GCK_HKDC1_HK1_ADPGK_HK2_HK3" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 477.8,229.21855 c 4.9,2 4.9,2 4.9,2 l -5.6,1.3 1.7,-1.6 -1,-1.7 z m -12,10.7 c 1.7,7.3 1.7,7.3 1.7,7.3 l 1.7,-7.3 -1.7,1.8 -1.7,-1.8 z" + class="st30" + inkscape:label="PFKP_PFKL_PFKM_1 f" + inkscape:connector-curvature="0" + id="F_PFKP_PFKL_PFKM_1" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 473.7,345.71855 c 4.9,2 4.9,2 4.9,2 l -5.6,1.3 1.7,-1.6 -1,-1.7 z m -12.6,13.6 c 2.2,7.3 2.2,7.3 2.2,7.3 l 2.2,-7.3 -2.2,1.8 -2.2,-1.8 z" + class="st30" + inkscape:label="GAPDHS_GAPDH_GAPDHP29" + inkscape:connector-curvature="0" + id="F_GAPDHS_GAPDH_GAPDHP29" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 479.8,527.21855 c 4.9,2 4.9,2 4.9,2 l -5.6,1.3 1.7,-1.6 -1,-1.7 z m -14.7,10.9 c 2.2,7.3 2.2,7.3 2.2,7.3 l 2.2,-7.3 -2.2,1.8 -2.2,-1.8 z" + class="st30" + inkscape:label="ENO1_ENO3_ENO2 f" + inkscape:connector-curvature="0" + id="F_ENO1_ENO3_ENO2" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 477.9,581.61855 c 4.9,2 4.9,2 4.9,2 l -5.6,1.3 1.7,-1.6 -1,-1.7 z m -12.4,10.4 c 2.2,7.3 2.2,7.3 2.2,7.3 l 2.2,-7.3 -2.2,1.8 -2.2,-1.8 z" + class="st30" + inkscape:label="PKM_TMEM54_PKLR_HCN3 f" + inkscape:connector-curvature="0" + id="F_PKM_TMEM54_PKLR_HCN3" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 403.9,602.11855 c -2,-4.9 -2,-4.9 -2,-4.9 l -1.3,5.6 1.6,-1.7 1.7,1 z m -15.8,5.8 -7.3,2.2 7.3,2.2 -1.8,-2.2 1.8,-2.2 z" + class="st30" + inkscape:label="LDH f" + inkscape:connector-curvature="0" + id="F_LDH" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 514.9,160.51855 c -2,4.9 -2,4.9 -2,4.9 l -1.3,-5.6 1.6,1.7 1.7,-1 z m 6.5,-5.4 c 7.3,-2.2 7.3,-2.2 7.3,-2.2 l -7.3,-2.2 1.8,2.2 -1.8,2.2 z" + class="st30" + inkscape:label="G6PD" + inkscape:connector-curvature="0" + id="F_G6PD" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 676.8,162.21855 c -1,5.2 -1,5.2 -1,5.2 l -2.4,-5.3 1.9,1.3 1.5,-1.2 z m 5.2,-5.6 c 7.3,-2.2 7.3,-2.2 7.3,-2.2 l -7.3,-2.2 1.8,2.2 -1.8,2.2 z" + class="st30" + inkscape:label="PGD f" + inkscape:connector-curvature="0" + id="F_PGD" /><path + style="fill:none;stroke:#000000;stroke-width:2.09750009" + d="m 790.5,176.41855 c 0,29.5 0,29.5 0,29.5 m -12.7,-23.8 c 7.8,-2.3 12.6,3.5 12.6,3.5 m -0.3,7 c -1,5 -10.4,4.3 -10.4,4.3" + class="st125" + inkscape:label="PRPS2_PRPS1_PRPS1L1" + inkscape:connector-curvature="0" + id="R_PRPS2_PRPS1_PRPS1L1" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 764.8,168.11855 c 7.2,-0.3 7.2,-0.3 7.2,-0.3 l -6.1,-3.9 1.1,2.6 -2.2,1.6 z" + class="st32" + inkscape:transform-center-y="13.19671" + inkscape:transform-center-x="-17.870394" + inkscape:label="RPIA_LOC101060545 f" + inkscape:connector-curvature="0" + id="F_RPIA_LOC101060545" /><path + style="fill:none;stroke:#000000;stroke-width:1.17589998" + d="m 732.7,157.71855 33.8,8.2" + class="st126" + inkscape:transform-center-y="9.1713454" + inkscape:transform-center-x="7.5511886" + inkscape:label="RPIA_LOC101060545" + inkscape:connector-curvature="0" + id="R_RPIA_LOC101060545" /><path + style="fill:none;stroke:#000000;stroke-width:1.13479996" + d="m 739,148.51855 32,-6.4" + class="st127" + inkscape:transform-center-y="-9.5755519" + inkscape:transform-center-x="6.2972653" + inkscape:label="RPE_LOC729020" + inkscape:connector-curvature="0" + id="R_RPE_LOC729020" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 740.3,146.41855 c -6.6,2.9 -6.6,2.9 -6.6,2.9 l 7.1,1.5 -1.9,-2 1.4,-2.4 z" + class="st32" + inkscape:transform-center-y="-7.1245069" + inkscape:transform-center-x="22.076699" + inkscape:label="RPE_LOC729020 f" + inkscape:connector-curvature="0" + id="F_RPE_LOC729020" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 780.2,198.61855 c -4.9,-2 -4.9,-2 -4.9,-2 l 5.6,-1.3 -1.7,1.6 1,1.7 z m 12.4,6.6 c -2,6.9 -2,6.9 -2,6.9 l -2.4,-6.8 2.2,1.7 2.2,-1.8 z" + class="st30" + inkscape:label="PRPS2_PRPS1_PRPS1L1 f" + inkscape:connector-curvature="0" + id="F_PRPS2_PRPS1_PRPS1L1" /><text + style="font-size:10px;font-family:Calibri" + id="text1328" + class="st17 st18" + x="928.5589" + y="209.07054">4 Pi</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.00309992" + d="m 628.9,518.91855 c -5.9,1.2 -4.4,11.4 -4.4,11.4 m -6.4,-11.7 c 5.9,-1.2 4.4,-11.4 4.4,-11.4 m 12.1,11.4 c 5.9,-1.2 4.4,-11.4 4.4,-11.4 m 14.1,11.6 -72.4,-0.2 m 19.7,-0.3 c -5.9,1.2 -4.4,11.4 -4.4,11.4 m 1.3,-10.6 c 5.9,-1.4 5.4,-11.9 5.4,-11.9" + class="st128" + inkscape:label="ACLY" + inkscape:connector-curvature="0" + id="R_ACLY" /><text + style="font-size:10px;font-family:Calibri" + id="text1331" + class="st17 st18" + x="619.48761" + y="501.60864">Pi</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1333" + class="st17 st18" + x="925.4632" + y="502.06665">CoA</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1335" + class="st17 st18" + x="978.2464" + y="502.37036">3ADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1337" + class="st17 st18" + x="944.37335" + y="502.11053">2 NADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1339" + class="st17 st18" + x="1005.5902" + y="502.01004">Pi</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1341" + class="st17 st18" + x="1022.222" + y="502.37036">CO2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1343" + class="st17 st18" + x="935.09015" + y="537.14966">2 NADPH</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.00309992" + d="m 990.8,518.11855 c -5.9,1.2 -4.4,11.4 -4.4,11.4 m 37.1,-11.1 c 5.9,-1.2 4.4,-11.4 4.4,-11.4 m -20.9,11.4 c 5.9,-1.2 4.4,-11.4 4.4,-11.4 m -56.6,11.1 c -5.9,1.2 -4.4,11.4 -4.4,11.4 m 5.6,-11.1 c 5.9,-1.2 4.4,-11.4 4.4,-11.4 m 28.6,11.4 c 5.9,-1.2 4.4,-11.4 4.4,-11.4 m 42.5,11.6 -117.3,-0.2 m 10.7,-0.3 c -5.9,1.2 -4.4,11.4 -4.4,11.4 m 4.3,-11 c 5.9,-1.4 5.4,-11.9 5.4,-11.9" + class="st128" + inkscape:label="MVD" + inkscape:connector-curvature="0" + id="R_MVD" /><text + style="font-size:10px;font-family:Calibri" + id="text1346" + class="st17 st18" + x="916.46899" + y="537.34601">2 H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1348" + class="st17 st18" + x="975.79724" + y="537.38495">3 ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1350" + class="st17 st18" + x="1083.433" + y="539.12915">2 ippPP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1352" + class="st17 st18" + x="1092.3324" + y="502.40256">2 PPi</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.96599996" + d="m 1113.5,519.01855 -25,-0.5 m 13.7,-0.2 c -5.9,1.2 -4.4,11.4 -4.4,11.4 m 1.2,-10.6 c 5.9,-1.4 5.4,-11.9 5.4,-11.9" + class="st129" + inkscape:label="ARID4B_GGPS1_FDPS_FDPSP7_2" + inkscape:connector-curvature="0" + id="R_ARID4B_GGPS1_FDPS_FDPSP7_2" /><text + style="font-size:10px;font-family:Calibri" + id="text1355" + class="st17 st18" + x="1146.4008" + y="536.18677">fPP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1357" + class="st17 st18" + x="1147.5316" + y="500.91135">15 H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1359" + class="st17 st26" + x="1166.1605" + y="502.91135">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1361" + class="st17 st18" + x="1169.2484" + y="500.91135">O</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1363" + class="st17 st18" + x="1244.015" + y="500.13596">2 PPi</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1365" + class="st17 st18" + x="1178.6937" + y="500.73166">13 NADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1367" + class="st17 st18" + x="1269.6381" + y="499.95636">for</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1369" + class="st17 st18" + x="1219.3802" + y="500.49734">2 CO</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1371" + class="st17 st26" + x="1238.5746" + y="502.49734">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1373" + class="st17 st18" + x="1162.7885" + y="536.02271">13 NADPH</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1375" + class="st17 st18" + x="1208.9027" + y="536.07941">16 H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1377" + class="st17 st18" + x="1230.308" + y="535.75806">10 O</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1379" + class="st17 st26" + x="1249.3265" + y="537.75806">2</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.82200003" + d="m 861.2,464.41855 c 5.9,-1 4.4,-9.6 4.4,-9.6 m -19,9.5 29.3,0.3 m -15.1,-0.1 c -6,1.2 -5.5,10.5 -5.5,10.5" + class="st130" + inkscape:label="MCAT_FASN" + inkscape:connector-curvature="0" + id="R_MCAT_FASN" /><text + style="font-size:10px;font-family:Calibri" + id="text1382" + class="st17 st18" + x="1064.4486" + y="447.78546">14 H</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 888.8,422.31855 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -27.6,0.3 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m 39.9,9.6 c 7.2,-2.4 7.2,-2.4 7.2,-2.4 l -7.4,-1.9 1.9,2.1 -1.7,2.2 z" + class="st30" + inkscape:label="AcAcACPSynthesis f" + inkscape:connector-curvature="0" + id="F_AcAcACPSynthesis" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 477.8,777.11855 c 4.9,2 4.9,2 4.9,2 l -5.6,1.3 1.7,-1.6 -1,-1.7 z m 0,-10.5 c 4.9,2 4.9,2 4.9,2 l -5.6,1.3 1.7,-1.6 -1,-1.7 z m 0,-10.5 c 4.9,2 4.9,2 4.9,2 l -5.6,1.3 1.7,-1.6 -1,-1.7 z m -10.5,38.3 c -2.1,6.9 -2.1,6.9 -2.1,6.9 l -2.3,-6.8 2.2,1.7 2.2,-1.8 z" + class="st30" + inkscape:label="DLD_PDHX_PDHA1_DLAT_PDHA2_PDHB F" + inkscape:connector-curvature="0" + id="F_DLD_PDHX_PDHA1_DLAT_PDHA2_PDHB" /><path + style="fill:none;stroke:#000000;stroke-width:2.37849998" + d="m 443.6,735.91855 -27.4,0 0,127.5 116.3,0 m -60.4,0.2 c 7.3,-1.5 7.3,-12.6 7.3,-12.6 m 17.7,12.5 c -7.6,1.4 -8.5,11 -8.5,11 m -25.1,-11 c -7.6,1.4 -8.5,11 -8.5,11 m -15.9,-11 c -7.6,1.4 -8.5,11 -8.5,11 m 8.7,-11.2 c 7.3,-1.5 7.3,-12.6 7.3,-12.6" + class="st131" + inkscape:label="PC" + inkscape:connector-curvature="0" + id="R_PC" /><text + style="font-size:10px;font-family:Calibri" + id="text1387" + class="st17 st18" + x="437.9422" + y="842.4212">ADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1389" + class="st17 st18" + x="475.73709" + y="842.85181">Pi</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1391" + class="st17 st18" + x="420.13361" + y="882.27466">ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1393" + class="st17 st18" + x="444.71021" + y="881.94067">HCO</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1395" + class="st17 st26" + x="462.80591" + y="883.94067">3</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1397" + class="st17 st26" + x="465.89481" + y="876.44067">-</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1399" + class="st17 st18" + x="485.21021" + y="881.94067">H</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 530.5,861.11855 c 6.9,2.1 6.9,2.1 6.9,2.1 l -6.8,2.3 1.7,-2.2 -1.8,-2.2 z m -86,-10.4 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m 33,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z" + class="st32" + inkscape:label="PC f" + inkscape:connector-curvature="0" + id="F_PC" /><path + style="fill:none;stroke:#000000;stroke-width:1.53359997" + d="m 562.6,822.11855 c 4.2,1.1 4.2,1.1 4.2,1.1 l -4.4,1.6 1.2,-1.4 -1,-1.3 z m -6.5,-9.6 c 0.1,-5.5 0.1,-5.5 0.1,-5.5 l -3.5,4.6 2.1,-0.8 1.3,1.7 z" + class="st132" + inkscape:label="CS f" + inkscape:connector-curvature="0" + id="F_CS" /><text + style="font-size:10px;font-family:Calibri" + id="text1403" + class="st17 st18" + x="681.67023" + y="783.07056">H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1405" + class="st17 st18" + x="683.4339" + y="716.35669">H</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.49890006" + d="m 662.8,725.01855 c -1,6.8 -7.1,8.5 -7.1,8.5 m 45.3,-7.2 c -1,6.8 -7.1,8.5 -7.1,8.5 m -8.9,-11 c -1,6.8 -7.1,8.5 -7.1,8.5 m -39,-5.5 c 1,6.8 7.1,8.5 7.1,8.5 m -13.6,3.7 c 26,-9.2 53,-8.9 79.3,1" + class="st133" + inkscape:label="IDH2" + inkscape:connector-curvature="0" + id="R_IDH2" /><path + style="fill:none;stroke:#000000;stroke-width:1.81630003" + d="m 638.9,767.21855 c -3.8,4 -3.8,4 -3.8,4 l 1.6,-6.8 0.4,2.8 1.8,0 z m -5.4,-13.8 c -6.3,-1.4 -6.3,-1.4 -6.3,-1.4 l 4.4,4.1 -0.4,-2 2.3,-0.7 z" + class="st134" + inkscape:label="IDH3 b" + inkscape:connector-curvature="0" + id="B_IDH3" /><path + style="fill:none;stroke:#000000;stroke-width:1.49890006" + d="m 632.4,755.01855 c 26,9.2 53,8.9 79.3,-1 m -74.1,13.2 c 1,-6.8 7.1,-8.5 7.1,-8.5 m 40.3,11 c -1,-6.8 -7.1,-8.5 -7.1,-8.5 m 23.1,6 c -1,-6.8 -7.1,-8.5 -7.1,-8.5 m -29.9,10.7 c -1,-6.8 -7.1,-8.5 -7.1,-8.5" + class="st133" + inkscape:connector-curvature="0" + id="R_IDH3" /><text + style="font-size:10px;font-family:Calibri" + id="text1410" + class="st17 st18" + x="789.9563" + y="767.94257">NADH</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1412" + class="st17 st18" + x="814.58044" + y="767.94257">+</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1414" + class="st17 st18" + x="789.9563" + y="780.44257">H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1416" + class="st17 st18" + x="796.18683" + y="780.44257">+</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1418" + class="st17 st18" + x="801.1673" + y="780.44257">CO</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1420" + class="st17 st26" + x="813.03253" + y="782.44257">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1422" + class="st17 st18" + x="509.7952" + y="894.0257">NADH+H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1424" + class="st17 st18" + x="489.20441" + y="902.28931">NAD</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09549999" + d="m 429.3,916.81855 c -7.3,-1.3 -7.3,-10.9 -7.3,-10.9 m 29.9,10.9 c -7.3,-1.3 -7.3,-10.9 -7.3,-10.9 m 32.8,10.9 c -7.3,-1.3 -7.3,-10.9 -7.3,-10.9 m 22.9,10.8 c 7.3,-1.3 7.3,-10.9 7.3,-10.9 m 76.2,10.9 -167.7,0 0,-187.3 34.9,0" + class="st135" + inkscape:label="ME2_ME3_1" + inkscape:connector-curvature="0" + id="R_ME2_ME3_1" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 424,906.71855 c -2,-4.9 -2,-4.9 -2,-4.9 l -1.3,5.6 1.6,-1.7 1.7,1 z m 22.5,0 c -2,-4.9 -2,-4.9 -2,-4.9 l -1.3,5.6 1.6,-1.7 1.7,1 z m 25.5,0 c -2,-4.9 -2,-4.9 -2,-4.9 l -1.3,5.6 1.6,-1.7 1.7,1 z m -31,-176.2 c 6.4,-2 6.4,-2 6.4,-2 l -6.6,-2.3 1.7,2.2 -1.5,2.1 z" + class="st30" + inkscape:label="ME2_ME3_1 f" + inkscape:connector-curvature="0" + id="F_ME2_ME3_1" /><text + style="font-size:10px;font-family:Calibri" + id="text1428" + class="st17 st18" + x="457.70239" + y="898.8313">NADH</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1430" + class="st17 st18" + x="441.25998" + y="898.8313">H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1432" + class="st17 st18" + x="415.7493" + y="898.8147">CO</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1434" + class="st17 st26" + x="427.6145" + y="900.8147">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1436" + class="st17 st18" + x="503.78641" + y="944.25116">NADP</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.14289999" + d="m 429.3,920.51855 c -7.3,1.4 -7.3,11.4 -7.3,11.4 m 29.9,-11.4 c -7.3,1.4 -7.3,11.4 -7.3,11.4 m 32.8,-11.4 c -7.3,1.4 -7.3,11.4 -7.3,11.4 m 38.1,-11.3 c 7.2,1.7 7.2,14.6 7.2,14.6 m 61.2,-14.6 -177,0 0,-199.5 42.5,0" + class="st136" + inkscape:label="ME2_ME3_2" + inkscape:connector-curvature="0" + id="R_ME2_ME3_2" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 424,930.01855 c -2,4.9 -2,4.9 -2,4.9 l -1.3,-5.6 1.6,1.7 1.7,-1 z m 22.5,0 c -2,4.9 -2,4.9 -2,4.9 l -1.3,-5.6 1.6,1.7 1.7,-1 z m 25.5,0 c -2,4.9 -2,4.9 -2,4.9 l -1.3,-5.6 1.6,1.7 1.7,-1 z m -31,-207 c 6.5,-1.8 6.5,-1.8 6.5,-1.8 l -6.5,-2.5 1.7,2.2 -1.7,2.1 z" + class="st30" + inkscape:label="ME2_ME3_2 f" + inkscape:connector-curvature="0" + id="F_ME2_ME3_2" /><text + style="font-size:10px;font-family:Calibri" + id="text1440" + class="st17 st18" + x="456.02231" + y="944.76099">NADPH</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1442" + class="st17 st18" + x="440.8992" + y="944.5813">H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1444" + class="st17 st18" + x="415.7981" + y="944.5813">CO</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1446" + class="st17 st26" + x="427.66339" + y="946.5813">2</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.10339999" + d="m 615.9,579.61855 c 5.9,-1.5 5.4,-12.9 5.4,-12.9 m 15.5,12.5 c 5.9,-1.3 4.4,-12.5 4.4,-12.5 m 14,12.5 -72.4,-0.2 m 19.7,-0.3 c -5.9,1.4 -4.4,13.7 -4.4,13.7 m 1.3,-12.8 c 5.9,-1.5 5.4,-12.9 5.4,-12.9" + class="st137" + inkscape:label="IDH1" + inkscape:connector-curvature="0" + id="R_IDH1" /><text + style="font-size:10px;font-family:Calibri" + id="text1449" + class="st17 st18" + x="619.24744" + y="558.70239">H</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 327.8,483.61855 c 0,-27.3 0,-27.3 0,-27.3 m -0.4,15.6 c -1.1,-6 -11.6,-4.8 -11.6,-4.8" + class="st14" + inkscape:label="FH_2" + inkscape:connector-curvature="0" + id="R_FH_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 330.1,482.71855 c -2.2,7.3 -2.2,7.3 -2.2,7.3 l -2.2,-7.3 2.2,1.8 2.2,-1.8 z" + class="st14" + inkscape:label="FH_2 f" + inkscape:connector-curvature="0" + id="F_FH_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 329.9,456.91855 c -2.2,-7.3 -2.2,-7.3 -2.2,-7.3 l -2.2,7.3 2.2,-1.8 2.2,1.8 z m -14.7,12 c -4.9,-2 -4.9,-2 -4.9,-2 l 5.6,-1.3 -1.7,1.6 1,1.7 z" + class="st14" + inkscape:label="FH_2 b" + inkscape:connector-curvature="0" + id="B_FH_2" /><text + style="font-size:10px;font-family:Calibri" + id="text1454" + class="st17 st18" + x="287.3587" + y="527.83325">NAD</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1456" + class="st17 st18" + x="271.14529" + y="544.677">NADH</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1458" + class="st17 st18" + x="295.76929" + y="544.677">+</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1460" + class="st17 st18" + x="300.74979" + y="544.677">H</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1462" + class="st15 st16" + x="429.36963" + y="1131.9838">Q</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1464" + class="st15 st16" + x="350.36279" + y="1132.7025">NADH</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1466" + class="st15 st16" + x="457.80908" + y="1199.7504">4 H</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.06859994" + d="m 474.1998,1181.2711 -2.8,5.9 -2,-6.1 2.3,1.6 2.5,-1.4 z m 12.4,-39.3 -2.8,-5.9 -2,6.1 2.3,-1.6 2.5,1.4 z m 29.4,0 -2.8,-5.9 -2,6.1 2.3,-1.6 2.5,1.4 z" + class="st138" + inkscape:label="Complex1ROS f" + inkscape:connector-curvature="0" + id="F_Complex1ROS" /><path + style="fill:none;stroke:#000000;stroke-width:2.06859994" + d="m 761.84776,1178.6878 -2.8,5.9 -2,-6.1 2.3,1.6 z m 27.25948,-37.9976 -2.8,-5.9 -2,6.1 2.3,-1.6 z m 52.82373,-0.1976 -2.8,-5.9 -2,6.1 2.3,-1.6 z" + class="st138" + inkscape:label="Complex3 f" + inkscape:connector-curvature="0" + id="F_Complex3" + sodipodi:nodetypes="ccccccccccccccc" /><path + style="fill:none;stroke:#000000;stroke-width:2.06859994" + d="m 1050.1,1177.9186 -2.8,5.9 -2,-6.1 2.3,1.6 2.5,-1.4 z m 96.4,-35.6 -2.8,-5.9 -2,6.1 2.3,-1.6 2.5,1.4 z m -72,0 -2.8,-5.9 -2,6.1 2.3,-1.6 2.5,1.4 z" + class="st138" + inkscape:label="Complex4 f" + inkscape:connector-curvature="0" + id="F_Complex4" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1471" + class="st15 st16" + x="1186.5951" + y="1132.6877">ADP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1473" + class="st15 st16" + x="1258.2738" + y="1131.0793">ATP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1475" + class="st15 st16" + x="1288.1302" + y="1131.2004">2 H</text> +<text + style="font-size:9.75px;font-family:Calibri-Bold" + id="text1477" + class="st15 st40" + x="1309.9506" + y="1134.3997">2</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1479" + class="st15 st16" + x="1314.8929" + y="1131.2004">O</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1481" + class="st15 st16" + x="1224.5297" + y="1132.1653">Pi</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1483" + class="st15 st16" + x="1234.349" + y="1192.5237">4 H</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1485" + class="st15 st16" + x="1337.7094" + y="1131.2004">4 H</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.11870003" + d="m 1310.4,1155.6186 0,-13.8 m -106.2,-2 0,16.2 142.6,0 0,-16.2 m -116.3,-0.5 0,16.2 m 43.9,0.1 0,-13.8 m -29.7,13.8 0,25.4" + class="st139" + inkscape:label="ATPsynthase " + inkscape:connector-curvature="0" + id="R_ATPsynthase" /><path + style="fill:none;stroke:#000000;stroke-width:2.06859994" + d="m 1313.3,1141.9186 -2.8,-5.9 -2,6.1 2.3,-1.6 2.5,1.4 z m 36,0 -2.8,-5.9 -2,6.1 2.3,-1.6 2.5,1.4 z m -72,0 -2.8,-5.9 -2,6.1 2.3,-1.6 2.5,1.4 z" + class="st138" + inkscape:label="ATPsynthase f" + inkscape:connector-curvature="0" + id="F_ATPsynthase" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1495" + class="st15 st16" + x="177.9417" + y="839.77655">AKG</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1497" + class="st15 st16" + x="286.39868" + y="840.57635">AKG</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.82299995" + d="m 275.8,835.31855 -60.2,-0.3 m 44.6,0.3 c 5.9,-1.5 4.4,-13.9 4.4,-13.9 m -26.7,14.1 c -6.2,-6.3 -6.2,-9.5 -6.8,-12.7" + class="st45" + inkscape:label="SLC25A11" + inkscape:connector-curvature="0" + id="R_SLC25A11" /><path + style="fill:none;stroke:#000000;stroke-width:2.32780004" + d="m 267.4,821.81855 c -0.6,-1.9 -1.3,-3.9 -1.9,-5.8 -0.9,1.9 -1.9,3.7 -2.8,5.6 0.8,-0.4 1.7,-0.9 2.5,-1.3 0.6,0.5 1.4,1 2.2,1.5 z m -51.1,11.2 c -2.4,0.8 -4.8,1.6 -7.2,2.4 2.5,0.6 4.9,1.3 7.4,1.9 -0.6,-0.7 -1.3,-1.4 -1.9,-2.1 0.6,-0.7 1.1,-1.4 1.7,-2.2 l 0,0 z" + class="st140" + inkscape:label="SLC25A11 b" + inkscape:connector-curvature="0" + id="B_SLC25A11" /><text + style="font-size:14px;font-family:Calibri-Bold" + id="text1501" + class="st15 st38" + x="258.91681" + y="813.65851">Mal</text> +<text + style="font-size:14px;font-family:Calibri-Bold" + id="text1503" + class="st15 st38" + x="218.61449" + y="814.12427">Mal</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.35560012" + d="m 233.9,824.21855 c -2.4,-5.9 -2.4,-5.9 -2.4,-5.9 l -2.3,6 2.3,-1.5 2.4,1.4 z m 40.1,13.1 c 7.2,-2.3 7.2,-2.3 7.2,-2.3 l -7.3,-2 1.9,2.1 -1.8,2.2 z" + class="st46" + inkscape:label="SLC25A11 f" + inkscape:connector-curvature="0" + id="F_SLC25A11" /><text + style="font-size:10px;font-family:Calibri" + id="text1506" + class="st17 st18" + x="1286.9183" + y="796.95239">HCO</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1508" + class="st17 st26" + x="1305.014" + y="798.95239">3</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1510" + class="st17 st26" + x="1308.1029" + y="791.45239">-</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1512" + class="st17 st18" + x="1261.7601" + y="797.07349">2 ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1514" + class="st17 st18" + x="1312.8011" + y="797.28931">H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1516" + class="st17 st18" + x="1215.6556" + y="796.61255">2 ADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1518" + class="st17 st18" + x="1247.1156" + y="797.24536">Pi</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1198.1,755.61855 c 6.9,-1.7 6.9,-1.7 6.9,-1.7 l -7,-1.5 1.8,1.6 -1.7,1.6 z m -6.3,-8.1 c -1.9,-7.4 -1.9,-7.4 -1.9,-7.4 l -2.4,7.2 2.2,-1.8 2.1,2 z" + class="st73" + inkscape:label="OTC_LEFTY1 f" + inkscape:connector-curvature="0" + id="F_OTC_LEFTY1" /><text + style="font-size:10px;font-family:Calibri" + id="text1521" + class="st17 st18" + x="1207.1527" + y="756.75415">Pi</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1205.4,705.01855 c 5.4,1.6 5.4,1.6 5.4,1.6 l -5.8,1.7 1.6,-1.6 -1.2,-1.7 z m 0,-12 c 5.4,1.6 5.4,1.6 5.4,1.6 l -5.8,1.7 1.6,-1.6 -1.2,-1.7 z m -12.9,-39.4 c -2.6,-7.2 -2.6,-7.2 -2.6,-7.2 l -1.7,7.4 2,-2 2.3,1.8 z" + class="st73" + inkscape:label="SLC25A15_SLC25A2_1 f" + inkscape:connector-curvature="0" + id="F_SLC25A15_SLC25A2_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1165.5,612.21855 c -6.9,1.7 -6.9,1.7 -6.9,1.7 l 7,1.5 -1.8,-1.6 1.7,-1.6 z m 14.8,-3.2 c -0.8,-7.6 -0.8,-7.6 -0.8,-7.6 l -3.4,6.8 2.5,-1.4 1.7,2.2 z" + class="st73" + inkscape:label="ASS1 f" + inkscape:connector-curvature="0" + id="F_ASS1" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1260.6,601.11855 c 6.9,-1.7 6.9,-1.7 6.9,-1.7 l -7,-1.5 1.8,1.6 -1.7,1.6 z m -14.1,15.4 c 0.8,7.6 0.8,7.6 0.8,7.6 l 3.4,-6.8 -2.4,1.4 -1.8,-2.2 z" + class="st73" + inkscape:label="ARG2_ARG1 f" + inkscape:connector-curvature="0" + id="F_ARG2_ARG1" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1307.9,604.11855 c 6.9,-1.7 6.9,-1.7 6.9,-1.7 l -7,-1.5 1.8,1.6 -1.7,1.6 z m -8.3,-7.4 c -1.9,-7.4 -1.9,-7.4 -1.9,-7.4 l -2.4,7.2 2.2,-1.8 2.1,2 z" + class="st73" + inkscape:label="OGDH_ODC1_OGDHL f" + inkscape:connector-curvature="0" + id="F_OGDH_ODC1_OGDHL" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1410.9,573.21855 c 1.7,6.9 1.7,6.9 1.7,6.9 l 1.5,-7 -1.6,1.8 -1.6,-1.7 z m 19,-6.5 c 7.2,-2.5 7.2,-2.5 7.2,-2.5 l -7.4,-1.8 1.9,2.1 -1.7,2.2 z" + class="st73" + inkscape:label="arginineAmidinohydrolase" + inkscape:connector-curvature="0" + id="F_arginineAmidinohydrolase" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1226.5,773.71855 -7.3,2.2 7.3,2.2 -1.8,-2.2 1.8,-2.2 z m 6.9,9 c 1.7,6.9 1.7,6.9 1.7,6.9 l 1.5,-7 -1.6,1.8 -1.6,-1.7 z m 15.5,0.5 c 1.7,6.9 1.7,6.9 1.7,6.9 l 1.5,-7 -1.6,1.8 -1.6,-1.7 z" + class="st73" + inkscape:label="CPS1" + inkscape:connector-curvature="0" + id="F_CPS1" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1424.1,609.91855 c 1.7,6.9 1.7,6.9 1.7,6.9 l 1.5,-7 -1.6,1.8 -1.6,-1.7 z m 7.6,-4.7 c 7.2,-2.5 7.2,-2.5 7.2,-2.5 l -7.4,-1.8 1.9,2.1 -1.7,2.2 z" + class="st73" + inkscape:label="PYCRL_PYCR2_PYCR1_LEFTY1_1 f" + inkscape:connector-curvature="0" + id="F_PYCRL_PYCR2_PYCR1_LEFTY1_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1427.1,638.71855 c 1.7,6.9 1.7,6.9 1.7,6.9 l 1.5,-7 -1.6,1.8 -1.6,-1.7 z m 25.3,-21.9 c -1.8,-7.4 -1.8,-7.4 -1.8,-7.4 l -2.5,7.2 2.2,-1.7 2.1,1.9 z" + class="st73" + inkscape:label="PYCRL_PYCR2_PYCR1_LEFTY1_2 f" + inkscape:connector-curvature="0" + id="F_PYCRL_PYCR2_PYCR1_LEFTY1_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 389.7,362.01855 c 7,-1.3 7,-1.3 7,-1.3 l -6.9,-1.9 1.7,1.7 -1.8,1.5 z" + class="st73" + inkscape:connector-curvature="0" + id="path2280" /><path + style="fill:none;stroke:#000000;stroke-width:2.29760003" + d="m 376.4,277.61855 c 1.4,5.3 17.3,5.1 17.3,5.1 m -78.9,-8.4 c 36.8,-1.5 60.9,1.7 60.9,1.7 m 0.6,47.2 -0.1,-55.9 m -15.7,21.2 c 9.7,-2.9 16,3.2 16,3.2" + class="st79" + inkscape:connector-curvature="0" + id="R_SHMT1" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 314.9,275.71855 c -7,-1.3 -7,-1.3 -7,-1.3 l 6.9,-1.9 -1.7,1.7 1.8,1.5 z m 63.2,-8.2 c -2.3,-6.3 -2.3,-6.3 -2.3,-6.3 l -1.6,6.5 1.9,-1.7 2,1.5 z m -14.8,22 c -7,-1.3 -7,-1.3 -7,-1.3 l 6.9,-1.9 -1.7,1.7 1.8,1.5 z" + class="st73" + inkscape:connector-curvature="0" + id="F_SHMT1" /><text + style="font-size:9.99962234px;font-family:Calibri" + id="text1534" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="333.75421" + y="294.88434">H</text> +<text + style="font-size:6.09346962px;font-family:Calibri" + id="text1536" + class="st17 st26" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="339.98471" + y="296.88437">2</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text1538" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="343.07361" + y="294.8844">O</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 401.7,328.31855 c 1.3,-7 1.3,-7 1.3,-7 l 1.9,6.9 -1.7,-1.7 -1.5,1.8 z m 10.4,8.6 c 6.3,2.2 6.3,2.2 6.3,2.2 l -6.5,1.7 1.7,-1.9 -1.5,-2 z" + class="st73" + inkscape:label="SDS_SDSL_SRR" + inkscape:connector-curvature="0" + id="F_SDS_SDSL_SRR" /><path + style="fill:none;stroke:#000000;stroke-width:2.18140006" + d="m 453.8,622.71855 0,19.5 -67.5,0 m 23.1,-11 c -2.7,7 3.5,11.5 3.5,11.5 m 10.9,-0.1 c 5.4,-0.9 4.9,-10.3 4.9,-10.3" + class="st141" + inkscape:label="NIT2" + inkscape:connector-curvature="0" + id="R_NIT2" /><text + style="font-size:10px;font-family:Calibri" + id="text1542" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="301.05325" + y="582.61121">Glu</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text1544" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="288.98755" + y="601.8775">AKG</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 327.2,600.61855 c 2,7.3 2,7.3 2,7.3 l 2.3,-7.3 -2.2,1.8 -2.1,-1.8 z m -7,-4.3 c -7,-1.3 -7,-1.3 -7,-1.3 l 6.9,-1.9 -1.7,1.7 1.8,1.5 z" + class="st73" + inkscape:label="GOT1_GOT2_GOT1L1_2 bb" + inkscape:connector-curvature="0" + id="B_GOT1_GOT2_GOT1L1_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.06480002" + d="m 329.3,603.91855 -0.2,-29.4 m -12.3,8.1 c 7.6,-2.9 12.6,3.3 12.6,3.3 m 0,3.4 c -0.9,5.5 -11.2,5.2 -11.2,5.2" + class="st142" + inkscape:label="GOT1_GOT2_GOT1L1_2" + inkscape:connector-curvature="0" + id="R_GOT1_GOT2_GOT1L1_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 331,575.81855 c -2.3,-6.3 -2.3,-6.3 -2.3,-6.3 l -1.6,6.5 1.9,-1.7 2,1.5 z m -10.2,7.7 c -7,-1.3 -7,-1.3 -7,-1.3 l 6.9,-1.9 -1.7,1.7 1.8,1.5 z" + class="st73" + inkscape:label="GOT1_GOT2_GOT1L1_2 f" + inkscape:connector-curvature="0" + id="F_GOT1_GOT2_GOT1L1_2" /><text + style="font-size:10px;font-family:Calibri" + id="text1549" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="302.24371" + y="760.4939">Glu</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text1551" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="288.6842" + y="751.92932">AKG</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 328.8,764.61855 c 2,7.3 2,7.3 2,7.3 l 2.3,-7.3 -2.2,1.8 -2.1,-1.8 z m -8,-4.3 c -7,-1.3 -7,-1.3 -7,-1.3 l 6.9,-1.9 -1.7,1.7 1.8,1.5 z" + class="st73" + inkscape:label="GOT2_GOT1L1_1 b" + inkscape:connector-curvature="0" + id="B_GOT2_GOT1L1_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.06480002" + d="m 330.9,768.01855 -0.2,-29.4 m -13.3,8.1 c 8.1,-2.9 13.4,3.3 13.4,3.3 m -0.1,3.3 c -1,5.4 -11.9,5.2 -11.9,5.2" + class="st142" + inkscape:label="GOT2_GOT1L1_1" + inkscape:connector-curvature="0" + id="R_GOT2_GOT1L1_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 332.6,739.81855 c -2.3,-6.3 -2.3,-6.3 -2.3,-6.3 l -1.6,6.5 1.9,-1.7 2,1.5 z m -11.2,7.7 c -7,-1.3 -7,-1.3 -7,-1.3 l 6.9,-1.9 -1.7,1.7 1.8,1.5 z" + class="st73" + inkscape:label="GOT2_GOT1L1_1 f" + inkscape:connector-curvature="0" + id="F_GOT2_GOT1L1_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.5236001" + d="m 270.8,636.91855 c -1.4,6.1 -13.6,4.6 -13.6,4.6 m 58.1,-13.7 -44.2,0 0,24.1" + class="st143" + inkscape:label="FH_3" + inkscape:connector-curvature="0" + id="R_FH_3" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 203.3,605.11855 c -1.5,-5.1 -1.5,-5.1 -1.5,-5.1 l -1.8,5.5 1.7,-1.5 1.6,1.1 z m -25.5,6.7 c -6.3,2.2 -6.3,2.2 -6.3,2.2 l 6.5,1.7 -1.7,-1.9 1.5,-2 z" + class="st30" + inkscape:connector-curvature="0" + id="F_ASNS" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 306.6,623.91855 c 6.3,-2.2 6.3,-2.2 6.3,-2.2 l -6.5,-1.7 1.7,1.9 -1.5,2 z m -87.9,7 c 2,4.9 2,4.9 2,4.9 l 1.3,-5.6 -1.6,1.7 -1.7,-1 z" + class="st30" + inkscape:connector-curvature="0" + id="path2462" /><path + style="fill:none;stroke:#000000;stroke-width:2.5697" + d="m 174.6,621.51855 134,0.1 m -89.1,9.8 c 2.6,-5.3 -3.5,-9.1 -3.5,-9.1 m -23.9,-0.1 c -5,1.5 -4.6,13.1 -4.6,13.1" + class="st144" + inkscape:connector-curvature="0" + id="R_ASRGL1_ASPG" /><path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 327.8,536.41855 c -1.1,6 -11.6,4.8 -11.6,4.8 m 11.6,5.6 c 0,-30.5 0,-30.5 0,-30.5 m 0,14.1 c -1.1,-6 -11.6,-4.8 -11.6,-4.8" + class="st14" + inkscape:label="MDH1_MDH1B " + inkscape:connector-curvature="0" + id="R_MDH1_MDH1B" /><path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 315.6,539.51855 c -4.9,2 -4.9,2 -4.9,2 l 5.6,1.3 -1.7,-1.6 1,-1.7 z m 14.6,6.2 c -2.2,7.3 -2.2,7.3 -2.2,7.3 l -2.2,-7.3 2.2,1.8 2.2,-1.8 z" + class="st14" + inkscape:label="MDH1_MDH1B f" + inkscape:connector-curvature="0" + id="F_MDH1_MDH1B" /><path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 329.9,517.91855 c -2.2,-7.3 -2.2,-7.3 -2.2,-7.3 l -2.2,7.3 2.2,-1.8 2.2,1.8 z m -14.3,9.5 c -4.9,-2 -4.9,-2 -4.9,-2 l 5.6,-1.3 -1.7,1.6 1,1.7 z" + class="st14" + inkscape:label="MDH1_MDH1B b" + inkscape:connector-curvature="0" + id="B_MDH1_MDH1B" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 853.3,730.91855 c 1.7,-6.9 1.7,-6.9 1.7,-6.9 l 1.5,7 -1.6,-1.7 -1.6,1.6 z m -94.9,7.7 c -7.3,2.3 -7.3,2.3 -7.3,2.3 l 7.3,2 -1.9,-2.1 1.9,-2.2 z" + class="st73" + inkscape:label="GLUD1_GLUD2_1 F" + inkscape:connector-curvature="0" + id="F_GLUD1_GLUD2_1" /><text + style="font-size:10px;font-family:Calibri" + id="text1564" + class="st17 st18" + x="843.83331" + y="243.37524">Asp</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1566" + class="st15 st16" + x="1104.5219" + y="229.47775">AMP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1568" + class="st17 st18" + x="1032.9047" + y="239.12524">GTP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1570" + class="st17 st18" + x="1056.3265" + y="238.95825">Asp</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1572" + class="st17 st18" + x="1070.4886" + y="207.11935">Fum</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1574" + class="st17 st18" + x="1038.6117" + y="207.13495">GDP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1576" + class="st15 st16" + x="1190.1205" + y="274.58914">GMP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1578" + class="st17 st18" + x="1022.7562" + y="251.87625">NAD</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1580" + class="st17 st18" + x="1044.2269" + y="251.96504">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1582" + class="st17 st26" + x="1050.4574" + y="253.96504">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1584" + class="st17 st18" + x="1053.5463" + y="251.96504">O</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1586" + class="st17 st18" + x="1096.4867" + y="251.55885">NADH</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1588" + class="st17 st18" + x="1124.9867" + y="251.55885">H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1590" + class="st17 st18" + x="1136.9867" + y="251.55885">AMP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1592" + class="st17 st18" + x="1062.2269" + y="251.96504">ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1594" + class="st17 st18" + x="1078.7269" + y="251.96504">NH</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1596" + class="st17 st26" + x="1091.4125" + y="253.96504">3</text> +<path + style="fill:#786721;stroke:#000000;stroke-width:2.5" + d="m 1165.6,258.31855 c -1.6,-4.7 -1.6,-4.7 -1.6,-4.7 l -2.4,4.6 2.1,-1.1 1.9,1.2 z m 7.2,8.5 c 7.2,-2.4 7.2,-2.4 7.2,-2.4 l -7.4,-1.9 1.9,2.1 -1.7,2.2 z m -25.2,-8.5 c -1.6,-4.7 -1.6,-4.7 -1.6,-4.7 l -2.4,4.6 2.1,-1.1 1.9,1.2 z m -16.5,0 c -1.6,-4.7 -1.6,-4.7 -1.6,-4.7 l -2.4,4.6 2.1,-1.1 1.9,1.2 z m -21,0 c -1.6,-4.7 -1.6,-4.7 -1.6,-4.7 l -2.4,4.6 2.1,-1.1 1.9,1.2 z" + class="st145" + inkscape:label="GMPS f" + inkscape:connector-curvature="0" + id="F_GMPS" /><text + style="font-size:10px;font-family:Calibri" + id="text1599" + class="st17 st18" + x="1159.4867" + y="251.55885">PPi</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.45089996" + d="m 1017,234.51855 0,30 156.7,0 m -13.1,-0.1 c 4.8,-1 3,-7.4 3,-7.4 m -76.3,-1.9 c -1.5,6.1 4.8,9.3 4.8,9.3 m -24.3,-9.3 c -1.5,6.1 4.8,9.3 4.8,9.3 m 70,0 c 4.8,-1 3,-7.4 3,-7.4 m -19.5,7.4 c 4.8,-1 3,-7.4 3,-7.4 m -79.3,-1.9 c -1.5,6.1 4.8,9.3 4.8,9.3 m -19.7,-9.3 c -1.5,6.1 4.8,9.3 4.8,9.3 m 65.4,0 c 4.8,-1 3,-7.4 3,-7.4" + class="st146" + inkscape:label="GMPS" + inkscape:connector-curvature="0" + id="R_GMPS" /><text + style="font-size:10px;font-family:Calibri" + id="text1602" + class="st17 st18" + x="1089.4623" + y="295.44165">NADPH</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 1126.6,282.21855 c -1.6,4.7 -1.6,4.7 -1.6,4.7 l -2.4,-4.6 2.1,1.1 1.9,-1.2 z m -18,0 c -1.6,4.7 -1.6,4.7 -1.6,4.7 l -2.4,-4.6 2.1,1.1 1.9,-1.2 z m 64,-4.2 c 7.2,-2.4 7.2,-2.4 7.2,-2.4 l -7.3,-1.9 1.9,2.1 -1.8,2.2 z" + class="st22" + inkscape:connector-curvature="0" + id="path2738" /><text + style="font-size:10px;font-family:Calibri" + id="text1605" + class="st17 st18" + x="1122.9066" + y="295.62234">H</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1607" + class="st17 st18" + x="1045.0922" + y="295.91525">NADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1609" + class="st17 st18" + x="1070.9701" + y="295.55396">NH</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1611" + class="st17 st26" + x="1083.6556" + y="297.55396">3</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.7529" + d="m 1076.8,287.31855 c -1.5,-7.6 4.8,-11.6 4.8,-11.6 m -24.2,11.6 c -1.5,-7.6 4.8,-11.6 4.8,-11.6 m 59.4,0.1 c 4.8,0.9 3,6.9 3,6.9 m -21,-6.9 c 4.8,0.9 3,6.9 3,6.9 m -95.6,-48.5 0,41.6 162.2,0" + class="st147" + inkscape:label="GMPR2_GMPR" + inkscape:connector-curvature="0" + id="R_GMPR2_GMPR" /><path + style="fill:none;stroke:#000000;stroke-width:1.92519999" + d="m 1257.8,269.81855 c -24.9,0 -24.9,0 -24.9,0 m 16.5,9.6 c 2.4,-5.9 -3.6,-9.5 -3.6,-9.5 m -2.6,0.1 c -5,0.9 -4.4,9.3 -4.4,9.3" + class="st148" + inkscape:label="GUK1_1" + inkscape:connector-curvature="0" + id="R_GUK1_1" /><text + style="font-size:10px;font-family:Calibri" + id="text1615" + class="st17 st18" + x="1305.1234" + y="296.55396">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1617" + class="st17 st26" + x="1311.3539" + y="298.55396">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1619" + class="st17 st18" + x="1314.4427" + y="296.55396">O</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.89830005" + d="m 1324,269.41855 c -24.2,0 -24.2,0 -24.2,0 m 15.6,11.1 c 2.4,-6.8 -3.6,-11 -3.6,-11" + class="st149" + inkscape:label="RRM2B_TXN_RRM1_RRM2B_1" + inkscape:connector-curvature="0" + id="R_RRM2B_TXN_RRM1_RRM2B_1" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1622" + class="st15 st16" + x="1336.0267" + y="274.81174">dGDP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1624" + class="st15 st16" + x="1189.1234" + y="226.54515">ADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1626" + class="st17 st18" + x="1144.3539" + y="205.21504">ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1628" + class="st17 st18" + x="1162.7318" + y="204.82245">ADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1630" + class="st17 st18" + x="1225.3851" + y="248.99045">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1632" + class="st17 st26" + x="1231.6156" + y="250.99045">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1634" + class="st17 st18" + x="1234.7035" + y="248.99045">O</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.77349997" + d="m 1239.9,223.41855 c -21.1,0 -21.1,0 -21.1,0 m 12.6,11.4 c 2.4,-7 -3.6,-11.3 -3.6,-11.3" + class="st150" + inkscape:label="RRM2B_TXN_RRM1_RRM2B_2" + inkscape:connector-curvature="0" + id="R_RRM2B_TXN_RRM1_RRM2B_2" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1637" + class="st15 st16" + x="1251.2035" + y="225.97145">dADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1639" + class="st17 st18" + x="989.38702" + y="354.02756">ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1641" + class="st17 st18" + x="1006.057" + y="353.84204">ADP</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.82930005" + d="m 1014.9,334.41855 c 7.4,-1.9 7.4,-1.9 7.4,-1.9 l -7.2,-2.4 1.8,2.2 -2,2.1 z m -5.5,5.8 c 2.4,5.1 2.4,5.1 2.4,5.1 l 2,-5.2 -2.1,1.3 -2.3,-1.2 z" + class="st109" + inkscape:label="NME2_NME3_NME4_NME5_NME2P1_NME7_NME6_NME1_NME2_3 b" + inkscape:connector-curvature="0" + id="B_NME2_NME3_NME4_NME5_NME2P1_NME7_NME6_NME1_NME2_3" /><path + style="fill:none;stroke:#000000;stroke-width:1.55369997" + d="m 1004.5,332.21855 c -4.9,1.2 -3.1,9.2 -3.1,9.2 m 10.5,0.8 c 1.6,-6.3 -4.9,-9.6 -4.9,-9.6 m 10.9,-0.3 -25.4,-0.2" + class="st151" + inkscape:label="NME2_NME3_NME4_NME5_NME2P1_NME7_NME6_NME1_NME2_3" + inkscape:connector-curvature="0" + id="R_NME2_NME3_NME4_NME5_NME2P1_NME7_NME6_NME1_NME2_3" /><text + style="font-size:10px;font-family:Calibri" + id="text1645" + class="st17 st18" + x="484.89191" + y="128.75026">ADP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1647" + class="st15 st16" + x="448.1004" + y="156.49535">G6P</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1649" + class="st15 st16" + x="450.83908" + y="90.690155">Glc</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 465.3,424.91855 c 2.2,7.3 2.2,7.3 2.2,7.3 l 2.2,-7.3 -2.2,1.8 -2.2,-1.8 z m 11.2,-16.2 c 1.6,0.7 3.3,1.4 4.9,2 -1.9,0.4 -3.8,0.8 -5.6,1.3 0.6,-0.5 1.1,-1 1.7,-1.6 -0.4,-0.5 -0.7,-1.1 -1,-1.7 l 0,0 z" + class="st14" + inkscape:label="CRISP3_PGK1_MIA3_PGK2 f" + inkscape:connector-curvature="0" + id="F_CRISP3_PGK1_MIA3_PGK2" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 447.4,607.61855 7.3,2.2 -7.3,2.2 1.8,-2.2 -1.8,-2.2 z m -10.6,-6.6 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z" + class="st30" + inkscape:label="LDH b" + inkscape:connector-curvature="0" + id="B_LDH" /><path + style="fill:none;stroke:#000000;stroke-width:1.82930005" + d="m 861.8,126.21855 0,-11.3 30,0 m -20.8,-8.8 c -1.7,5.6 4.7,8.7 4.7,8.7 m 3.2,-0.2 c 4.9,-1.1 3.2,-8.9 3.2,-8.9" + class="st109" + inkscape:label="PFKP_PFKL_PFKM_3" + inkscape:connector-curvature="0" + id="R_PFKP_PFKL_PFKM_3" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 888.2,116.91855 c 7.3,-2.2 7.3,-2.2 7.3,-2.2 l -7.3,-2.2 1.8,2.2 -1.8,2.2 z m -6.9,-9.3 c 1.5,-4.3 1.5,-4.3 1.5,-4.3 l 1.4,4.7 -1.4,-1.3 -1.5,0.9 z" + class="st30" + inkscape:label="PFKP_PFKL_PFKM_3 b" + inkscape:connector-curvature="0" + id="B_PFKP_PFKL_PFKM_3" /><path + style="fill:none;stroke:#000000;stroke-width:1.71169996" + d="m 859.5,122.51855 c 2.1,6.2 2.1,6.2 2.1,6.2 l 2.1,-6.2 -2.1,1.5 -2.1,-1.5 z m 9.8,-14.9 c 1.5,-4.3 1.5,-4.3 1.5,-4.3 l 1.4,4.7 -1.4,-1.3 -1.5,0.9 z" + class="st152" + inkscape:label="PFKP_PFKL_PFKM_3 f" + inkscape:connector-curvature="0" + id="F_PFKP_PFKL_PFKM_3" /><path + style="fill:none;stroke:#000000;stroke-width:1.74290001" + d="m 491.3,814.71855 61.5,3.7 m 11.8,25.5 c -4.4,0.5 -8.8,-1.3 -11.3,-4.5 -2.5,-3.3 -2.7,-7.5 -0.6,-10.8 2.2,-3.4 6.4,-5.3 10.8,-5.1 m -9.8,29.2 c -3.7,-13.4 -3.5,-27.4 0.7,-40.9" + class="st153" + inkscape:label="CS" + inkscape:connector-curvature="0" + id="R_CS" /><path + style="fill:none;stroke:#000000;stroke-width:1.63900006" + d="m 662.5,768.41855 c 2.1,4.7 2.1,4.7 2.1,4.7 l 1,-5.3 -1.4,1.6 -1.7,-1 z m 37.5,-1.5 c 2.1,4.7 2.1,4.7 2.1,4.7 l 1,-5.3 -1.4,1.6 -1.7,-1 z m 9.6,-14.8 c 6.3,-1.4 6.3,-1.4 6.3,-1.4 l -4.4,4.1 0.4,-2 -2.3,-0.7 z m -26.1,17.8 c 2.1,4.7 2.1,4.7 2.1,4.7 l 1,-5.3 -1.4,1.6 -1.7,-1 z" + class="st154" + inkscape:label="IDH3 f" + inkscape:connector-curvature="0" + id="F_IDH3" /><path + style="fill:none;stroke:#000000;stroke-width:1.81630003" + d="m 640,727.51855 c -3.8,-4 -3.8,-4 -3.8,-4 l 1.6,6.8 0.4,-2.8 1.8,0 z m -6.5,12.6 c -6.3,1.4 -6.3,1.4 -6.3,1.4 l 4.4,-4.1 -0.4,2 2.3,0.7 z" + class="st134" + inkscape:label="IDH2 b" + inkscape:connector-curvature="0" + id="B_IDH2" /><path + style="fill:none;stroke:#000000;stroke-width:1.63900006" + d="m 661.1,725.61855 c 2.1,-4.7 2.1,-4.7 2.1,-4.7 l 1,5.3 -1.4,-1.6 -1.7,1 z m 38.1,1.5 c 2.1,-4.7 2.1,-4.7 2.1,-4.7 l 1,5.3 -1.4,-1.6 -1.7,1 z m -15.7,-3 c 2.1,-4.7 2.1,-4.7 2.1,-4.7 l 1,5.3 -1.4,-1.6 -1.7,1 z m 26.1,17.3 c 6.3,1.4 6.3,1.4 6.3,1.4 l -4.4,-4.1 0.4,2 -2.3,0.7 z" + class="st154" + inkscape:connector-curvature="0" + id="path2385" /><path + style="fill:none;stroke:#000000;stroke-width:1.81599998" + d="m 775.5,787.91855 c 4.5,4.3 4.5,4.3 4.5,4.3 l -1.5,-6.1 -0.8,2.2 -2.2,-0.4 z m 7.8,-13.5 c 3.8,-1 3.8,-1 3.8,-1 l -2.8,3.2 0.3,-1.7 -1.3,-0.5 z" + class="st55" + inkscape:label="DLSTP1_DLD_OGDH_PDHX_DLST_DHTKD1_OGDHL f" + inkscape:connector-curvature="0" + id="F_DLSTP1_DLD_OGDH_PDHX_DLST_DHTKD1_OGDHL" /><path + style="fill:none;stroke:#000000;stroke-width:1.81599998" + d="m 551.9,886.51855 c -4,4 -4,4 -4,4 l 5.5,-0.9 -1.9,-1 0.4,-2.1 z m 9.4,-8.4 c -4.3,-4.3 -4.3,-4.3 -4.3,-4.3 l 1.3,6 0.8,-2.1 2.2,0.4 z" + class="st55" + inkscape:label="MDH2 f" + inkscape:connector-curvature="0" + id="F_MDH2" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 572.4,693.91855 c 4.9,2 4.9,2 4.9,2 l -5.6,1.3 1.7,-1.6 -1,-1.7 z m -10.5,-159.2 c -2.3,-6.3 -2.3,-6.3 -2.3,-6.3 l -1.6,6.5 1.9,-1.7 2,1.5 z" + class="st30" + inkscape:label="SLC25A1 f" + inkscape:connector-curvature="0" + id="F_SLC25A1" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 561.5,781.41855 c -2.3,6.3 -2.3,6.3 -2.3,6.3 l -1.6,-6.5 1.9,1.7 2,-1.5 z m -16.4,-117.8 c -4.9,-2 -4.9,-2 -4.9,-2 l 5.6,-1.3 -1.7,1.6 1,1.7 z" + class="st73" + inkscape:label="SLC25A1 b" + inkscape:connector-curvature="0" + id="B_SLC25A1" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 639.9,566.81855 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -20.1,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -16.2,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m 50.9,14.5 c 7.2,-2.3 7.2,-2.3 7.2,-2.3 l -7.3,-2 1.9,2.1 -1.8,2.2 z" + class="st22" + inkscape:label="IDH1 f" + inkscape:connector-curvature="0" + id="F_IDH1" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 637.5,509.41855 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -16.5,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -20.1,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m 51.9,11.5 c 7.2,-2.3 7.2,-2.3 7.2,-2.3 l -7.3,-2 1.9,2.1 -1.8,2.2 z" + class="st22" + inkscape:label="ACLY f" + inkscape:connector-curvature="0" + id="F_ACLY" /><path + style="fill:none;stroke:#000000;stroke-width:2.41549993" + d="m 1094.7,430.01855 -120.1,-0.2 m 106.7,0.4 c -6,1.3 -5.5,10.6 -5.5,10.6 m -88,-10.9 c -6,1.3 -5.5,10.6 -5.5,10.6 m 48,-10.5 c -6,1.3 -5.5,10.6 -5.5,10.6 m 3.2,-10.2 c 5.9,-1.3 4.4,-11.9 4.4,-11.9 m 46.7,11.9 c 5.9,-1.3 4.4,-11.9 4.4,-11.9 m -93.9,11.4 c 5.9,-1.3 4.4,-11.9 4.4,-11.9 m 58.8,11.9 c 5.9,-1.3 4.4,-11.9 4.4,-11.9" + class="st155" + inkscape:label="OLAH_FASN " + inkscape:connector-curvature="0" + id="R_OLAH_FASN" /><text + style="font-size:10px;font-family:Calibri" + id="text1667" + class="st17 st18" + x="722.22681" + y="501.87915">CoA</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.96720004" + d="m 740.8,519.01855 -25,-0.5 m 12.1,-0.2 c -5.9,1.2 -4.4,11.4 -4.4,11.4 m 1.3,-10.6 c 5.9,-1.4 5.4,-11.9 5.4,-11.9" + class="st156" + inkscape:label="ACAT1_ACAT2" + inkscape:connector-curvature="0" + id="R_ACAT1_ACAT2" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 728.4,509.41855 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m 11.1,11.6 c 6.4,-2.1 6.4,-2.1 6.4,-2.1 l -6.5,-1.8 1.7,1.9 -1.6,2 z" + class="st30" + inkscape:label="ACAT1_ACAT2 f" + inkscape:connector-curvature="0" + id="F_ACAT1_ACAT2" /><text + style="font-size:10px;font-family:Calibri" + id="text1671" + class="st17 st18" + x="710.4895" + y="542.85089">AcCoA</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.22309995" + d="m 716.3,520.51855 c -6.4,-2.1 -6.4,-2.1 -6.4,-2.1 l 6.5,-1.8 -1.7,1.9 1.6,2 z m 5.8,7.9 c 2,4.9 2,4.9 2,4.9 l 1.3,-5.6 -1.6,1.7 -1.7,-1 z" + class="st157" + inkscape:label="ACAT1_ACAT2 B" + inkscape:connector-curvature="0" + id="B_ACAT1_ACAT2" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1674" + class="st15 st16" + x="749.35974" + y="522.77277">AcAcCoA</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.83369994" + d="m 841.4,518.71855 c -5.9,1 -4.4,9.5 -4.4,9.5 m -18.1,-9.5 c -5.9,1 -4.4,9.5 -4.4,9.5 m 7.6,-9.6 c 5.9,-1.2 4.4,-11.4 4.4,-11.4 m 21.3,11.7 -37.5,-0.4" + class="st158" + inkscape:label="HMGCS1_HMGCS2 " + inkscape:connector-curvature="0" + id="R_HMGCS1_HMGCS2" /><text + style="font-size:10px;font-family:Calibri" + id="text1677" + class="st17 st18" + x="828.9563" + y="536.06281">H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1679" + class="st17 st26" + x="835.18683" + y="538.06281">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1681" + class="st17 st18" + x="838.2757" + y="536.06281">O</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1683" + class="st17 st18" + x="798.9895" + y="535.35089">AcCoA</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1685" + class="st17 st18" + x="818.22681" + y="501.87915">CoA</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.22309995" + d="m 846,521.01855 c 6.4,-2.1 6.4,-2.1 6.4,-2.1 l -6.5,-1.8 1.7,1.9 -1.6,2 z m -21,-11.6 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z" + class="st157" + inkscape:label="HMGCS1_HMGCS2 f" + inkscape:connector-curvature="0" + id="F_HMGCS1_HMGCS2" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1688" + class="st15 st16" + x="855.85974" + y="522.77277">HMGCoA</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.22309995" + d="m 1035.4,520.81855 c 6.4,-2.1 6.4,-2.1 6.4,-2.1 l -6.5,-1.8 1.7,1.9 -1.6,2 z m -102.4,-11.9 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m 25.9,0.4 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m 33,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m 18,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m 16.5,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z" + class="st157" + inkscape:label="MVD f" + inkscape:connector-curvature="0" + id="F_MVD" /><path + style="fill:none;stroke:#000000;stroke-width:1.85309994" + d="m 1269.2,518.61855 c 5.9,-1.2 5.4,-10.1 5.4,-10.1 m -24.9,10.1 c 5.9,-1.2 5.4,-10.1 5.4,-10.1 m -27.9,10.1 c 5.9,-1.2 5.4,-10.1 5.4,-10.1 m -51.9,10.1 c 5.9,-1.2 5.4,-10.1 5.4,-10.1 m 57.3,10.3 c -5.9,1 -4.4,9.6 -4.4,9.6 m -15.8,-9.6 c -5.9,1 -4.4,9.6 -4.4,9.6 m -36.9,-10.1 c -5.9,1 -4.4,9.6 -4.4,9.6 m 105.2,-9.1 -133.5,-0.2 m 9.1,-0.1 c -5.9,1 -4.4,9.6 -4.4,9.6 m 4.3,-9.5 c 5.9,-1.2 5.4,-10.1 5.4,-10.1" + class="st159" + inkscape:label="DHCR24_LEFTY1" + inkscape:connector-curvature="0" + id="R_DHCR24_LEFTY1" /><path + style="fill:none;stroke:#000000;stroke-width:2.22309995" + d="m 1113.4,520.51855 c 6.4,-2.1 6.4,-2.1 6.4,-2.1 l -6.5,-1.8 1.7,1.9 -1.6,2 z m -11.1,-10.9 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z" + class="st157" + inkscape:label="ARID4B_GGPS1_FDPS_FDPSP7_2 f" + inkscape:connector-curvature="0" + id="F_ARID4B_GGPS1_FDPS_FDPSP7_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.22309995" + d="m 1281,520.71855 c 6.4,-2.1 6.4,-2.1 6.4,-2.1 l -6.5,-1.8 1.7,1.9 -1.6,2 z m -7.8,-11.9 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -19.5,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -22.5,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -46.5,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -22.5,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z" + class="st157" + inkscape:label="DHCR24_LEFTY1 f" + inkscape:connector-curvature="0" + id="F_DHCR24_LEFTY1" /><path + style="fill:none;stroke:#000000;stroke-width:2.22309995" + d="m 768.2,457.11855 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -35,0.2 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m 45.6,8.8 c 7.2,-2.4 7.2,-2.4 7.2,-2.4 l -7.4,-1.9 1.9,2.1 -1.7,2.2 z" + class="st157" + inkscape:label="ACACB_PRKAG2_PRKAB2_ACACA_PRKAA2 f" + inkscape:connector-curvature="0" + id="F_ACACB_PRKAG2_PRKAB2_ACACA_PRKAA2" /><path + style="fill:none;stroke:#000000;stroke-width:2.22309995" + d="m 779,432.11855 c 7.2,-2.4 7.2,-2.4 7.2,-2.4 l -7.4,-1.9 1.9,2.1 -1.7,2.2 z m -16,-11.9 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z" + class="st157" + inkscape:label="FASN_1 f" + inkscape:connector-curvature="0" + id="F_FASN_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 864.2,457.11855 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m 11.6,9.6 c 7.2,-2.4 7.2,-2.4 7.2,-2.4 l -7.4,-1.9 1.9,2.1 -1.7,2.2 z" + class="st22" + inkscape:connector-curvature="0" + id="F_MCAT_FASN" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 1093.3,432.21855 c 7.2,-2.4 7.2,-2.4 7.2,-2.4 l -7.4,-1.9 1.9,2.1 -1.7,2.2 z m -11.1,-11.5 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -51.2,-1.1 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m 25,0.2 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -63.6,1.2 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z" + class="st22" + inkscape:label="OLAH_FASN f" + inkscape:connector-curvature="0" + id="F_OLAH_FASN" /><path + style="fill:none;stroke:#000000;stroke-width:2.2256" + d="m 975.2,225.31855 c -6,1.1 -5.5,9 -5.5,9 m -30.5,-9 c -6,1.1 -5.5,9 -5.5,9 m -50,-9 c -6,1.1 -5.5,9 -5.5,9 m -39.5,-9 c -6,1.1 -5.5,9 -5.5,9 m 98.6,-9.1 c 5.9,-1.1 4.4,-10.2 4.4,-10.2 m -71.9,10.2 c 5.9,-1.1 4.4,-10.2 4.4,-10.2 m 16.6,10.2 c 5.9,-1.1 4.4,-10.2 4.4,-10.2 m -67.6,10.2 c 5.9,-1.1 4.4,-10.2 4.4,-10.2 m 85.1,10.6 c 5.9,-1.1 4.4,-10.2 4.4,-10.2 m -73.5,9.4 c 6,-1 4.5,-9.4 4.5,-9.4 m 15.7,9.9 c -6,1.1 -5.5,9 -5.5,9 m -37,-9.1 c -6,1.1 -5.5,9 -5.5,9 m 99.1,-8.8 c -6,1.1 -5.5,9 -5.5,9 m 73.4,-9.2 -174.7,-0.1" + class="st160" + inkscape:label="ATIC_2" + inkscape:connector-curvature="0" + id="R_ATIC_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 981.4,227.31855 c 7.2,-2.4 7.2,-2.4 7.2,-2.4 l -7.4,-1.9 1.9,2.1 -1.7,2.2 z m -46.6,-11.1 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -20.2,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -26.4,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -21,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -21.8,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -20.2,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z" + class="st22" + inkscape:label="ATIC_2 f" + inkscape:connector-curvature="0" + id="F_ATIC_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.06660008" + d="m 926.5,278.81855 c 6.1,-0.9 4.6,-8.5 4.6,-8.5 m -22.6,8.2 c 6.1,-0.9 4.6,-8.5 4.6,-8.5 m -25.6,8.2 c 6.1,-0.9 4.6,-8.5 4.6,-8.5 m -28.6,8.5 c 6.1,-0.9 4.6,-8.5 4.6,-8.5 m -27.1,8.5 c 6.1,-0.9 4.6,-8.5 4.6,-8.5 m 56.9,8.8 c -6,1.1 -5.5,9.2 -5.5,9.2 m -12.5,-9.2 c -6,1.1 -5.5,9.2 -5.5,9.2 m -14,-9.7 c -6,1.1 -5.5,9.2 -5.5,9.2 m -15.5,-9.2 c -6,1.1 -5.5,9.2 -5.5,9.2 m -11,-9.5 c -6,1.1 -5.5,9.2 -5.5,9.2 m -31.5,-9.3 148.9,1.2 m -134.4,-1.1 c -6,1.1 -5.5,9.2 -5.5,9.2 m 2.5,-8.7 c 6.1,-0.9 4.6,-8.5 4.6,-8.5 m -16.1,-40.9 c 0,49.6 0,49.6 0,49.6" + class="st161" + inkscape:label="UMPS_2" + inkscape:connector-curvature="0" + id="R_UMPS_2" /><path + style="fill:none;stroke:#000000;stroke-width:1.7335" + d="m 1087.7,225.31855 -51.1,-0.3 m 13,0 c -6,0.8 -5.5,6.9 -5.5,6.9 m 12.9,-7.1 c 6,-1 4.5,-9.4 4.5,-9.4 m -18.9,9.8 c 5.9,-1.1 4.4,-10.2 4.4,-10.2 m 27.3,10.2 c 5.9,-1.1 4.4,-10.2 4.4,-10.2 m -10.4,10 c -6,0.8 -5.5,6.9 -5.5,6.9" + class="st162" + inkscape:connector-curvature="0" + id="R_TNRC6B_ADSL_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 1086.5,227.21855 c 7.2,-2.4 7.2,-2.4 7.2,-2.4 l -7.4,-1.9 1.9,2.1 -1.7,2.2 z m -9.3,-11 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -17.3,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -14.2,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z" + class="st22" + inkscape:connector-curvature="0" + id="F_TNRC6B_ADSL_1" /><text + style="font-size:10px;font-family:Calibri" + id="text1703" + class="st17 st18" + x="1059.1674" + y="207.14964">Pi</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1256.9,272.21855 c 6.9,-2 6.9,-2 6.9,-2 l -6.8,-2.4 1.7,2.2 -1.8,2.2 z m -8.6,7.4 c 2,4.9 2,4.9 2,4.9 l 1.3,-5.6 -1.6,1.7 -1.7,-1 z" + class="st32" + inkscape:label="GUK1_1 f" + inkscape:connector-curvature="0" + id="F_GUK1_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1234.2,272.11855 c -6.9,-2 -6.9,-2 -6.9,-2 l 6.8,-2.4 -1.7,2.2 1.8,2.2 z m 3.6,7.4 c 2,4.9 2,4.9 2,4.9 l 1.3,-5.6 -1.6,1.7 -1.7,-1 z" + class="st32" + inkscape:label="GUK1_1 b" + inkscape:connector-curvature="0" + id="B_GUK1_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1321.7,270.71855 c 6.9,-2 6.9,-2 6.9,-2 l -6.8,-2.4 1.7,2.2 -1.8,2.2 z m -7.7,8.8 c 2,4.9 2,4.9 2,4.9 l 1.3,-5.6 -1.6,1.7 -1.7,-1 z" + class="st32" + inkscape:label="RRM2B_TXN_RRM1_RRM2B_1 f" + inkscape:connector-curvature="0" + id="F_RRM2B_TXN_RRM1_RRM2B_1" /><text + style="font-size:10px;font-family:Calibri" + id="text1708" + class="st17 st18" + x="1379.2269" + y="295.87714">ADP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1710" + class="st17 st18" + x="1397.4281" + y="296.41336">ATP</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.92519999" + d="m 1410.2,269.91855 c -24.9,0 -24.9,0 -24.9,0 m 16.5,9.5 c 2.4,-5.9 -3.6,-9.5 -3.6,-9.5 m -2.6,0.1 c -5,0.9 -4.4,9.3 -4.4,9.3" + class="st148" + inkscape:label="GUK1_2" + inkscape:connector-curvature="0" + id="R_GUK1_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1409.9,272.31855 c 6.9,-2 6.9,-2 6.9,-2 l -6.8,-2.4 1.7,2.2 -1.8,2.2 z m -8.5,7.4 c 2,4.9 2,4.9 2,4.9 l 1.3,-5.6 -1.6,1.7 -1.7,-1 z" + class="st32" + inkscape:label="GUK1_2 f" + inkscape:connector-curvature="0" + id="F_GUK1_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1386,271.61855 c -6.9,-2 -6.9,-2 -6.9,-2 l 6.8,-2.4 -1.7,2.2 1.8,2.2 z m 3.5,7.4 c 2,4.9 2,4.9 2,4.9 l 1.3,-5.6 -1.6,1.7 -1.7,-1 z" + class="st32" + inkscape:label="GUK1_2 b" + inkscape:connector-curvature="0" + id="B_GUK1_2" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1715" + class="st15 st16" + x="1420.6156" + y="273.48557">dGMP</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.68470001" + d="m 1156.6,213.31855 c -2.4,6.7 3.6,10.9 3.6,10.9 m 15.7,0.2 c -26.9,0 -26.9,0 -26.9,0 m 19.4,-11.1 c 2.4,6.7 -3.6,10.9 -3.6,10.9" + class="st163" + inkscape:label="AK2_TAF9_AK1_AK7_AK3_AK5_AKD1_AK4_AK8_1" + inkscape:connector-curvature="0" + id="R_AK2_TAF9_AK1_AK7_AK3_AK5_AKD1_AK4_AK8_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1152.2,221.91855 c -6.9,2 -6.9,2 -6.9,2 l 6.8,2.4 -1.7,-2.2 1.8,-2.2 z m 1.9,-8.8 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z" + class="st32" + inkscape:label="AK2_TAF9_AK1_AK7_AK3_AK5_AKD1_AK4_AK8_1 f" + inkscape:connector-curvature="0" + id="F_AK2_TAF9_AK1_AK7_AK3_AK5_AKD1_AK4_AK8_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1175.9,222.21855 c 6.9,2 6.9,2 6.9,2 l -6.8,2.4 1.7,-2.2 -1.8,-2.2 z m -8.6,-9.1 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z" + class="st32" + inkscape:label="AK2_TAF9_AK1_AK7_AK3_AK5_AKD1_AK4_AK8_1 b" + inkscape:connector-curvature="0" + id="B_AK2_TAF9_AK1_AK7_AK3_AK5_AKD1_AK4_AK8_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1238.3,226.01855 c 6.9,-2 6.9,-2 6.9,-2 l -6.8,-2.4 1.7,2.2 -1.8,2.2 z m -8.5,8.6 c 2,4.9 2,4.9 2,4.9 l 1.3,-5.6 -1.6,1.7 -1.7,-1 z" + class="st32" + inkscape:label="RRM2B_TXN_RRM1_RRM2B_2 f" + inkscape:connector-curvature="0" + id="F_RRM2B_TXN_RRM1_RRM2B_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 937.8,280.91855 c 7.2,-2.4 7.2,-2.4 7.2,-2.4 l -7.4,-1.9 1.9,2.1 -1.7,2.2 z m -8.4,-10.3 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -18,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -21,-0.9 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -24,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -22.5,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m -39,0 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z" + class="st22" + inkscape:label="UMPS_2 F" + inkscape:connector-curvature="0" + id="F_UMPS_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.48839998" + d="m 965.8,316.01855 c 2.2,7.3 2.2,7.3 2.2,7.3 l 2,-7.4 -2.1,1.9 -2.1,-1.8 z m 12.7,-5.1 c 4.3,-1.4 4.3,-1.4 4.3,-1.4 l -4.4,-1 1.1,1.1 -1,1.3 z" + class="st164" + inkscape:label="CMPK2_CMPK1_1 f" + inkscape:connector-curvature="0" + id="F_CMPK2_CMPK1_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.48839998" + d="m 970,295.11855 c -2.2,-7.3 -2.2,-7.3 -2.2,-7.3 l -2,7.4 2.1,-1.9 2.1,1.8 z m 8.5,4.8 c 4.3,-1.4 4.3,-1.4 4.3,-1.4 l -4.4,-1 1.1,1.1 -1,1.3 z" + class="st164" + inkscape:label="CMPK2_CMPK1_1 b" + inkscape:connector-curvature="0" + id="B_CMPK2_CMPK1_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.31130004" + d="m 933.3,323.31855 c -1.9,-4.3 -1.9,-4.3 -1.9,-4.3 l -1.4,4.4 1.6,-1.2 1.7,1.1 z m -11,11.6 c -7.2,-2.4 -7.2,-2.4 -7.2,-2.4 l 7.4,-1.9 -1.9,2.1 1.7,2.2 z" + class="st165" + inkscape:label="RRM2B_TXN_RRM1_RRM2_1 f" + inkscape:connector-curvature="0" + id="F_RRM2B_TXN_RRM1_RRM2_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.31130004" + d="m 836,334.81855 c -7.2,-2.4 -7.2,-2.4 -7.2,-2.4 l 7.4,-1.9 -1.9,2.1 1.7,2.2 z m 8.7,-11.2 c -1.9,-4.3 -1.9,-4.3 -1.9,-4.3 l -1.4,4.4 1.6,-1.2 1.7,1.1 z" + class="st165" + inkscape:label="CMPK1_DTYMK f" + inkscape:connector-curvature="0" + id="F_CMPK1_DTYMK" /><path + style="fill:none;stroke:#000000;stroke-width:2.31130004" + d="m 859.9,334.81855 c 7.2,-2.4 7.2,-2.4 7.2,-2.4 l -7.4,-1.9 1.9,2.1 -1.7,2.2 z m -6.8,-10.8 c 1.9,-4.3 1.9,-4.3 1.9,-4.3 l 1.4,4.4 -1.6,-1.2 -1.7,1.1 z" + class="st165" + inkscape:label="CMPK1_DTYMK b" + inkscape:connector-curvature="0" + id="B_CMPK1_DTYMK" /><path + style="fill:none;stroke:#000000;stroke-width:2.31130004" + d="m 731.1,335.41855 c -7.2,-2.4 -7.2,-2.4 -7.2,-2.4 l 7.4,-1.9 -1.9,2.1 1.7,2.2 z m 9.1,-12.4 c -1.7,-4.7 -1.7,-4.7 -1.7,-4.7 l -1.1,4.8 1.3,-1.3 1.5,1.2 z" + class="st165" + inkscape:label="TYMS " + inkscape:connector-curvature="0" + id="F_TYMS" /><path + style="fill:none;stroke:#000000;stroke-width:2.31130004" + d="m 770.6,330.81855 c 7.2,2.4 7.2,2.4 7.2,2.4 l -7.4,1.9 1.9,-2.1 -1.7,-2.2 z m -4.7,-8.4 c -1.9,-5.3 -1.9,-5.3 -1.9,-5.3 l -1.8,5.3 1.8,-1.3 1.9,1.3 z" + class="st165" + inkscape:label="TYMS b" + inkscape:connector-curvature="0" + id="B_TYMS" /><path + style="fill:none;stroke:#000000;stroke-width:1.82930005" + d="m 995.7,334.41855 c -7.4,-1.9 -7.4,-1.9 -7.4,-1.9 l 7.2,-2.4 -1.8,2.2 2,2.1 z m 3.8,6 c 1.6,4.7 1.6,4.7 1.6,4.7 l 2.4,-4.6 -2.1,1.1 -1.9,-1.2 z" + class="st109" + inkscape:label="NME2_NME3_NME4_NME5_NME2P1_NME7_NME6_NME1_NME2_3 f" + inkscape:connector-curvature="0" + id="F_NME2_NME3_NME4_NME5_NME2P1_NME7_NME6_NME1_NME2_3" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1093.9,325.01855 c -1.6,-6.1 -1.6,-6.1 -1.6,-6.1 l -1.3,6.2 1.4,-1.6 1.5,1.5 z m 9.7,9.9 c 7.2,-2.4 7.2,-2.4 7.2,-2.4 l -7.4,-1.9 1.9,2.1 -1.7,2.2 z" + class="st73" + inkscape:label="CTPS2_GATM_CTPS1 f" + inkscape:connector-curvature="0" + id="F_CTPS2_GATM_CTPS1" /><text + style="font-size:10px;font-family:Calibri" + id="text1731" + class="st17 st18" + x="1236.1302" + y="316.99045">ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1733" + class="st17 st18" + x="1216.7562" + y="317.36545">ADP</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1229.5,324.71855 c -1.6,-6.1 -1.6,-6.1 -1.6,-6.1 l -1.3,6.2 1.4,-1.6 1.5,1.5 z m -7,5.6 c -7.4,1.9 -7.4,1.9 -7.4,1.9 l 7.2,2.4 -1.8,-2.2 2,-2.1 z" + class="st73" + inkscape:label="CMPK2_CMPK1_2 b" + inkscape:connector-curvature="0" + id="B_CMPK2_CMPK1_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 1246.1,335.71855 c 7.2,-2.5 7.2,-2.5 7.2,-2.5 l -7.4,-1.8 1.9,2.1 -1.7,2.2 z m -3.6,-10.9 c -1.1,-5.1 -1.1,-5.1 -1.1,-5.1 l -1.7,5 1.5,-1.2 1.3,1.3 z" + class="st22" + inkscape:label="CMPK2_CMPK1_2 f" + inkscape:connector-curvature="0" + id="F_CMPK2_CMPK1_2" /><path + style="fill:none;stroke:#000000;stroke-width:1.82930005" + d="m 1218.5,332.61855 28.3,0.4 m -18.4,-9.2 c -2.2,5.6 3.9,8.9 3.9,8.9 m 4.8,0 c 5,-0.9 4,-8.9 4,-8.9" + class="st109" + inkscape:label="CMPK2_CMPK1_2" + inkscape:connector-curvature="0" + id="R_CMPK2_CMPK1_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.31130004" + d="m 1196.6,360.01855 c 2.4,7.2 2.4,7.2 2.4,7.2 l 1.9,-7.4 -2.1,1.9 -2.2,-1.7 z m -6.1,-7.6 c -4.6,1 -4.6,1 -4.6,1 l 2.7,-3.7 0,1.9 1.9,0.8 z" + class="st165" + inkscape:connector-curvature="0" + id="F_RRM2B_TXN_RRM1_RRM2_2" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1739" + class="st15 st16" + x="1258.7123" + y="382.35764">dCMP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1741" + class="st17 st18" + x="1236.1302" + y="361.80984">ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1743" + class="st17 st18" + x="1216.7562" + y="362.36545">ADP</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1229.5,369.71855 c -1.6,-6.1 -1.6,-6.1 -1.6,-6.1 l -1.3,6.2 1.4,-1.6 1.5,1.5 z m -7,5.6 c -7.4,1.9 -7.4,1.9 -7.4,1.9 l 7.2,2.4 -1.8,-2.2 2,-2.1 z" + class="st73" + inkscape:label="CMPK2_CMPK1_3 b" + inkscape:connector-curvature="0" + id="B_CMPK2_CMPK1_3" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 1246.1,380.71855 c 7.2,-2.5 7.2,-2.5 7.2,-2.5 l -7.4,-1.8 1.9,2.1 -1.7,2.2 z m -3.6,-10.9 c -1.1,-5.1 -1.1,-5.1 -1.1,-5.1 l -1.7,5 1.5,-1.2 1.3,1.3 z" + class="st22" + inkscape:label="CMPK2_CMPK1_3 f" + inkscape:connector-curvature="0" + id="F_CMPK2_CMPK1_3" /><path + style="fill:none;stroke:#000000;stroke-width:1.82930005" + d="m 1218.5,377.61855 28.3,0.4 m -18.4,-9.2 c -2.2,5.6 3.9,8.9 3.9,8.9 m 4.8,0 c 5,-0.9 4,-8.9 4,-8.9" + class="st109" + inkscape:label="CMPK2_CMPK1_3" + inkscape:connector-curvature="0" + id="R_CMPK2_CMPK1_3" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 236.8,382.21855 c 7,-1.3 7,-1.3 7,-1.3 l -6.9,-1.9 1.7,1.7 -1.8,1.5 z m -52.2,-23.9 c -6.2,2.5 -6.2,2.5 -6.2,2.5 l 6.5,1.5 -1.7,-1.8 1.4,-2.2 z" + class="st73" + inkscape:label="MTHFD1_3 f" + inkscape:connector-curvature="0" + id="F_MTHFD1_3" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 206.6,426.41855 c -6.2,2.5 -6.2,2.5 -6.2,2.5 l 6.5,1.5 -1.7,-1.8 1.4,-2.2 z m 31.7,-24 c 7,-1.3 7,-1.3 7,-1.3 l -6.9,-1.9 1.7,1.7 -1.8,1.5 z" + class="st73" + inkscape:label="MTHFD1_3 b" + inkscape:connector-curvature="0" + id="B_MTHFD1_3" /><text + style="font-size:9.99962234px;font-family:Calibri" + id="text1750" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="301.1604" + y="383.42343">H</text> +<text + style="font-size:6.09346962px;font-family:Calibri" + id="text1752" + class="st17 st26" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="307.39139" + y="385.42346">2</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text1754" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="310.4798" + y="383.42337">O</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.29760003" + d="m 290,301.91855 c 1.6,-5.3 17.5,-4.5 17.5,-4.5 m -2.3,19.7 c -9.8,2.5 -15.9,-3.8 -15.9,-3.8 m -0.3,11.1 0.2,-34.2" + class="st79" + inkscape:label="MTHFD2_2" + inkscape:connector-curvature="0" + id="R_MTHFD2_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 287,292.01855 c 2.3,-6.3 2.3,-6.3 2.3,-6.3 l 1.6,6.5 -1.9,-1.7 -2,1.5 z m 15.6,3.3 c 7,1.6 7,1.6 7,1.6 l -6.9,1.6 1.7,-1.6 -1.8,-1.6 z" + class="st73" + inkscape:label="MTHFD2_2 f" + inkscape:connector-curvature="0" + id="F_MTHFD2_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 301.3,316.11855 c 7,1.6 7,1.6 7,1.6 l -6.9,1.6 1.7,-1.6 -1.8,-1.6 z m -10.5,6.6 c -2,7.3 -2,7.3 -2,7.3 l -2.3,-7.3 2.2,1.8 2.1,-1.8 z" + class="st73" + inkscape:label="MTHFD2_2 b" + inkscape:connector-curvature="0" + id="B_MTHFD2_2" /><text + style="font-size:10px;font-family:Calibri" + id="text1759" + class="st17 st18" + transform="matrix(0.99999044,0.00437222,-0.00437222,0.99999044,0,0)" + x="311.63144" + y="319.94809">NADH</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text1761" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="307.66241" + y="303.30228">NAD</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 402.2,547.01855 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z m 34,12.7 c 6.3,-2.3 6.3,-2.3 6.3,-2.3 l -6.5,-1.6 1.7,1.9 -1.5,2 z" + class="st30" + inkscape:label="PEPCK f" + inkscape:connector-curvature="0" + id="F_PEPCK" /><path + style="fill:none;stroke:#000000;stroke-width:2.82299995" + d="m 268.8,649.41855 c 2.3,7.2 2.3,7.2 2.3,7.2 l 2,-7.3 -2.1,1.9 -2.2,-1.8 z m -11.1,-9.3 c -5.1,1.5 -5.1,1.5 -5.1,1.5 l 5.5,1.8 -1.5,-1.7 1.1,-1.6 z" + class="st45" + inkscape:label="FH_3 f" + inkscape:connector-curvature="0" + id="F_FH_3" /><path + style="fill:none;stroke:#000000;stroke-width:2.23090005" + d="m 1444.3,1060.1186 c 2.4,-5.7 2.4,-5.7 2.4,-5.7 l 2,5.8 -2.1,-1.5 -2.3,1.4 z m 57.4,10.4 c 6.6,3 6.6,3 6.6,3 l -7.1,1.4 2,-2 -1.5,-2.4 z" + class="st37" + inkscape:connector-curvature="0" + id="B_SLC25A5_SLC25A4_SLC25A6" /><path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 1050.3,691.11855 c 2.2,7.3 2.2,7.3 2.2,7.3 l 2.2,-7.3 -2.2,1.8 -2.2,-1.8 z m 11.6,-3.8 c 4.7,1.4 4.7,1.4 4.7,1.4 l -5.1,1.5 1.4,-1.4 -1,-1.5 z" + class="st14" + inkscape:label="TransportGlu f" + inkscape:connector-curvature="0" + id="F_TransportGlu" /><path + style="fill:none;stroke:#000000;stroke-width:2.15549994" + d="m 954.1,690.71855 c 2.2,7.1 2.2,7.1 2.2,7.1 l 2.2,-7.1 -2.2,1.8 -2.2,-1.8 z m 12.5,-2.2 c 4.7,1.3 4.7,1.3 4.7,1.3 l -5.1,1.4 1.4,-1.4 -1,-1.3 z" + class="st166" + inkscape:label="TransportGln f" + inkscape:connector-curvature="0" + id="F_TransportGln" /><path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 956,636.91855 c 2.2,7.3 2.2,7.3 2.2,7.3 l 2.2,-7.3 -2.2,1.8 -2.2,-1.8 z m 77.1,-13.1 c -1.4,4.7 -1.4,4.7 -1.4,4.7 l -1.5,-5.1 1.4,1.4 1.5,-1 z m -48,0.4 c -1.4,4.7 -1.4,4.7 -1.4,4.7 l -1.5,-5.1 1.4,1.4 1.5,-1 z" + class="st14" + inkscape:label="GS f" + inkscape:connector-curvature="0" + id="F_GS" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1022.5,652.11855 c 6.9,2.1 6.9,2.1 6.9,2.1 l -6.9,2.3 1.7,-2.2 -1.7,-2.2 z m -14.8,-6.7 c 1.4,-4.7 1.4,-4.7 1.4,-4.7 l 1.5,5.1 -1.4,-1.4 -1.5,1 z" + class="st32" + inkscape:label="GLS2 f" + inkscape:connector-curvature="0" + id="F_GLS2" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1029.4,709.51855 c 6.9,-2.1 6.9,-2.1 6.9,-2.1 l -6.9,-2.3 1.7,2.2 -1.7,2.2 z m -17.8,-8.9 c 0.9,-4.9 0.9,-4.9 0.9,-4.9 l -3.6,3.9 1.9,-0.6 0.8,1.6 z" + class="st32" + inkscape:label="GLS f" + inkscape:connector-curvature="0" + id="F_GLS" /><path + style="fill:none;stroke:#000000;stroke-width:1.99090004" + d="m 1270.4,787.81855 c 2.8,-7.3 -3.1,-12.1 -3.1,-12.1 m 49.7,12.1 c 2.8,-7.3 -3.1,-12.1 -3.1,-12.1 m -17.1,12.1 c 2.8,-7.3 -3.1,-12.1 -3.1,-12.1 m -53.7,0.4 c -5.3,0.6 -5,7.6 -5,7.6 m 89.5,-8 c -99.3,0 -99.3,0 -99.3,0 m 29.8,0.4 c -5.3,0.6 -5,7.6 -5,7.6" + class="st167" + inkscape:label="CPS1" + inkscape:connector-curvature="0" + id="R_CPS1" /><text + style="font-size:16.00031662px;font-family:Calibri-Bold" + id="text1772" + class="st15 st16" + transform="matrix(0.99998015,0.00630041,-0.00630041,0.99998015,0,0)" + x="1205.1744" + y="771.00928">CP</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 1351.5,622.81855 c -6.9,-1.7 -6.9,-1.7 -6.9,-1.7 l 5.5,4.6 -0.8,-2.2 2.2,-0.7 z m 11,-3.3 c -1.8,-7.4 -1.8,-7.4 -1.8,-7.4 l -2.5,7.2 2.2,-1.7 2.1,1.9 z" + class="st73" + inkscape:label="ALDH4A1_2 f" + inkscape:connector-curvature="0" + id="F_ALDH4A1_2" /><text + style="font-size:9.99962234px;font-family:Calibri" + id="text1775" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="1386.1115" + y="542.35461">Gly</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text1777" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="1404.1106" + y="542.55579">GA</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 952,862.81855 c 7.2,-2.3 7.2,-2.3 7.2,-2.3 l -7.3,-2 1.9,2.1 -1.8,2.2 z m -12.1,9.3 c 1.3,7 1.3,7 1.3,7 l 1.9,-6.9 -1.7,1.7 -1.5,-1.8 z" + class="st22" + inkscape:label="CA5B_CA5A f" + inkscape:connector-curvature="0" + id="F_CA5B_CA5A" /><text + style="font-size:9.99962234px;font-family:Calibri" + id="text1780" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="665.34772" + y="1031.6384">H</text> +<text + style="font-size:6.09346962px;font-family:Calibri" + id="text1782" + class="st17 st26" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="671.57819" + y="1033.6384">2</text> +<text + style="font-size:9.99962234px;font-family:Calibri" + id="text1784" + class="st17 st18" + transform="matrix(0.9999378,-0.011153,0.011153,0.9999378,0,0)" + x="674.66699" + y="1031.6384">O</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.29760003" + d="m 707.7,1012.8186 c 2.9,-9.7 -3.2,-16.00005 -3.2,-16.00005 m -47.9,0.2 61.6,-0.1 m -33,15.90005 c 2.9,-9.7 -3.2,-16.00005 -3.2,-16.00005 m -14.3,0.3 c -5.3,1.4 -5.1,17.30005 -5.1,17.30005" + class="st79" + inkscape:label="SHMT1_2 " + inkscape:connector-curvature="0" + id="R_SHMT1_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.09949994" + d="m 707,1008.9186 c 1.3,7 1.3,7 1.3,7 l 1.9,-6.9 -1.7,1.7 -1.5,-1.8 z m 10.5,-9.70005 c 6.3,-2.3 6.3,-2.3 6.3,-2.3 l -6.5,-1.7 1.7,1.9 -1.5,2.1 z m -33,9.70005 c 1.3,7 1.3,7 1.3,7 l 1.9,-6.9 -1.7,1.7 -1.5,-1.8 z" + class="st73" + inkscape:label="SHMT1_2 f" + inkscape:connector-curvature="0" + id="F_SHMT1_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 1442.5,809.71855 c -7.2,2.4 -7.2,2.4 -7.2,2.4 l 7.4,1.9 -1.9,-2.1 1.7,-2.2 z" + class="st22" + inkscape:label="TransportFolate f" + inkscape:connector-curvature="0" + id="path1985" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 1489.5,814.81855 c 7.2,-2.4 7.2,-2.4 7.2,-2.4 l -7.4,-1.9 1.9,2.1 -1.7,2.2 z" + class="st22" + inkscape:label="SLC16A3_SLC16A1_SLC16A5_2 f" + inkscape:connector-curvature="0" + id="F_SLC16A3_SLC16A1_SLC16A5_2" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 1490.3,756.31855 c 7.2,-2.3 7.2,-2.3 7.2,-2.3 l -7.3,-2 1.9,2.1 -1.8,2.2 z" + class="st22" + inkscape:transform-center-y="-3.0492074" + inkscape:transform-center-x="0.87100132" + inkscape:label="Transport_serine b" + inkscape:connector-curvature="0" + id="B_Transport_serine" /><text + style="font-size:10.00011921px;font-family:Calibri" + id="text1791" + class="st17 st18" + transform="matrix(0.99998813,0.00487302,-0.00487302,0.99998813,0,0)" + x="835.31476" + y="1042.428">formate+ATP</text> +<text + style="font-size:10.00011921px;font-family:Calibri" + id="text1793" + class="st17 st18" + transform="matrix(0.99998813,0.00487302,-0.00487302,0.99998813,0,0)" + x="891.94086" + y="1042.8938">ADP+Pi</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.80649996" + d="m 1525.5,392.51855 c -5.4,-1.7 -4.9,-14 -4.9,-14 m 10.8,14.3 c 5.5,-1.1 4.1,-10.6 4.1,-10.6 m 9,10.6 -33.9,-0.3" + class="st116" + inkscape:label="LHPP_PPA2_PRUNE_EIF4A2_NAV2_PPA1_1" + inkscape:connector-curvature="0" + id="R_LHPP_PPA2_PRUNE_EIF4A2_NAV2_PPA1_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 1543.5,394.81855 c 7.2,-2.3 7.2,-2.3 7.2,-2.3 l -7.3,-2 1.9,2.1 -1.8,2.2 z m -6.5,-11.3 c -1.7,-5.2 -1.7,-5.2 -1.7,-5.2 l -1.4,5.3 1.5,-1.4 1.6,1.3 z" + class="st22" + inkscape:label="LHPP_PPA2_PRUNE_EIF4A2_NAV2_PPA1_1 f" + inkscape:connector-curvature="0" + id="F_LHPP_PPA2_PRUNE_EIF4A2_NAV2_PPA1_1" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 1543.5,348.31855 c 7.2,-2.3 7.2,-2.3 7.2,-2.3 l -7.3,-2 1.9,2.1 -1.8,2.2 z m -6.5,-11.3 c -1.7,-5.2 -1.7,-5.2 -1.7,-5.2 l -1.4,5.3 1.5,-1.4 1.6,1.3 z" + class="st22" + inkscape:label="CA12_CA2_CA9_CA14_CA1_CA3_CA4_CA7_CA13 f" + inkscape:connector-curvature="0" + id="F_CA12_CA2_CA9_CA14_CA1_CA3_CA4_CA7_CA13" /><path + style="fill:none;stroke:#000000;stroke-width:9.22049999;stroke-linecap:round;stroke-linejoin:round;stroke-miterlimit:2" + inkscape:connector-curvature="0" + d="m 290.9,65.418554 1141.8,0 c 111.4,0 201.6,90.299996 201.6,201.599996 l 0,777.20005 c 0,111.4 -90.3,201.6 -201.6,201.6 l -1141.8,0 c -111.4,0 -201.6,-90.3 -201.6,-201.6 l 0,-777.10005 c 0,-111.4 90.3,-201.699996 201.6,-201.699996 z" + class="st168" + id="rect3173" /><text + style="font-size:10px;font-family:Calibri" + id="text1799" + class="st17 st18" + x="1582.0922" + y="894.75116">AMP+PPi</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1801" + class="st17 st18" + x="1583.309" + y="884.0647">ATP+CoA</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.92519999" + d="m 1565.4,888.01855 c 0.9,5 9.3,4.4 9.3,4.4 m 4.5,-10.4 c -8.6,-2.3 -13.9,3.4 -13.9,3.4 m -0.1,-11.9 c 0,24.9 0,24.9 0,24.9" + class="st148" + inkscape:label="palmitateActivation" + inkscape:connector-curvature="0" + id="R_palmitateActivation" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1567.3,897.51855 c -2,6.9 -2,6.9 -2,6.9 l -2.4,-6.8 2.2,1.7 2.2,-1.8 z m 7.4,-3.5 c 4.9,-2 4.9,-2 4.9,-2 l -5.6,-1.3 1.7,1.6 -1,1.7 z" + class="st32" + inkscape:label="palmitateActivation f" + inkscape:connector-curvature="0" + id="F_palmitateActivation" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1805" + class="st15 st16" + x="1547.4984" + y="863.4964">Palm</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1807" + class="st15 st16" + x="1537.4193" + y="918.66138">PalmCoA</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1809" + class="st17 st18" + x="1582.8129" + y="953.61157">CoA</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1811" + class="st17 st18" + x="1582.9476" + y="942.5647">carnitine</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.92519999" + d="m 1565.2,932.01855 c 0,24.9 0,24.9 0,24.9 m 9.6,-16.5 c -5.9,-2.4 -9.5,3.6 -9.5,3.6 m 0.1,2.5 c 0.9,5 9.3,4.4 9.3,4.4" + class="st148" + inkscape:label="carnitineAcylTransferaseI" + inkscape:connector-curvature="0" + id="R_carnitineAcylTransferaseI" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1567.3,933.41855 c -2,-6.9 -2,-6.9 -2,-6.9 l -2.4,6.8 2.2,-1.7 2.2,1.8 z m 7.4,8.6 c 4.9,-2 4.9,-2 4.9,-2 l -5.6,-1.3 1.7,1.6 -1,1.7 z" + class="st32" + inkscape:label="carnitineAcylTransferaseI b" + inkscape:connector-curvature="0" + id="B_carnitineAcylTransferaseI" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1567.3,956.01855 c -2,6.9 -2,6.9 -2,6.9 l -2.4,-6.8 2.2,1.7 2.2,-1.8 z m 7.4,-3.5 c 4.9,-2 4.9,-2 4.9,-2 l -5.6,-1.3 1.7,1.6 -1,1.7 z" + class="st32" + inkscape:label="carnitineAcylTransferaseI f" + inkscape:connector-curvature="0" + id="F_carnitineAcylTransferaseI" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1816" + class="st15 st16" + x="1509.2845" + y="977.52167">PalmCarnitine</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.56680012" + d="m 1477.7,972.41855 c 5.3,-1.5 4.6,-15.8 4.6,-15.8 m -29,0 c -2.5,10 3.7,16.2 3.7,16.2 m -18.4,0.1 c 58.9,0 58.9,0 58.9,0" + class="st169" + inkscape:label="translocase" + inkscape:connector-curvature="0" + id="R_translocase" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1483.8,956.91855 c -2,-4.9 -2,-4.9 -2,-4.9 l -1.3,5.6 1.6,-1.7 1.7,1 z m -43.4,14 c -6.9,2 -6.9,2 -6.9,2 l 6.8,2.4 -1.7,-2.2 1.8,-2.2 z" + class="st32" + inkscape:label="translocase f" + inkscape:connector-curvature="0" + id="F_translocase" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1454.7,956.91855 c -2,-4.9 -2,-4.9 -2,-4.9 l -1.3,5.6 1.6,-1.7 1.7,1 z m 40.6,13.9 c 6.9,2 6.9,2 6.9,2 l -6.8,2.4 1.7,-2.2 -1.8,-2.2 z" + class="st32" + inkscape:connector-curvature="0" + id="path3243" /><text + style="font-size:10px;font-family:Calibri" + id="text1821" + class="st17 st18" + x="1476.4476" + y="948.5647">carnitine</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1823" + class="st17 st18" + x="1425.4476" + y="948.5647">carnitine</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1825" + class="st15 st16" + x="1333.4193" + y="977.16138">PalmCarnitine</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1315.8,962.01855 c -2,-4.9 -2,-4.9 -2,-4.9 l -1.3,5.6 1.6,-1.7 1.7,1 z m 3.6,7.4 c 6.9,2 6.9,2 6.9,2 l -6.8,2.4 1.7,-2.2 -1.8,-2.2 z" + class="st32" + inkscape:connector-curvature="0" + id="path3291" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1305.3,962.01855 c -2,-4.9 -2,-4.9 -2,-4.9 l -1.3,5.6 1.6,-1.7 1.7,1 z m -8.5,7.4 c -6.9,2 -6.9,2 -6.9,2 l 6.8,2.4 -1.7,-2.2 1.8,-2.2 z" + class="st32" + inkscape:label="carnitineAcylTransferaseII f" + inkscape:connector-curvature="0" + id="F_carnitineAcylTransferaseII" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1309.9,971.31855 c 5,-0.9 4.4,-9.3 4.4,-9.3 m -10.6,-0.1 c -2.4,5.9 3.6,9.5 3.6,9.5 m -12,0 c 24.9,0 24.9,0 24.9,0" + class="st32" + inkscape:label="carnitineAcylTransferaseII " + inkscape:connector-curvature="0" + id="R_carnitineAcylTransferaseII" /><text + style="font-size:10px;font-family:Calibri" + id="text1830" + class="st17 st18" + x="1311.5248" + y="953.61157">CoA</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1832" + class="st17 st18" + x="1271.8422" + y="952.50116">carnitine</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1834" + class="st15 st16" + x="1222.6273" + y="976.7356">PalmCoA</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1836" + class="st17 st18" + x="1206.2504" + y="990.83716">7 CoA</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1838" + class="st17 st18" + x="1171.7504" + y="990.83716">7 NAD</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1840" + class="st17 st18" + x="1141.7504" + y="990.83716">7 FAD</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1842" + class="st17 st18" + x="1110.2504" + y="990.83716">7 H</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1844" + class="st17 st26" + x="1123.809" + y="992.83716">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1846" + class="st17 st18" + x="1126.8978" + y="990.83716">O</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1848" + class="st17 st18" + x="1165.7504" + y="951.83716">7 NADH</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1850" + class="st17 st18" + x="1128.2504" + y="951.83716">7 FADH</text> +<text + style="font-size:6.09369993px;font-family:Calibri" + id="text1852" + class="st17 st26" + x="1157.7816" + y="953.83716">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1854" + class="st17 st18" + x="1105.7504" + y="951.83716">7 H</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.93280005" + d="m 1120.2,971.91855 c -5.6,-1.9 -4.1,-12.1 -4.1,-12.1 m 35.6,12.1 c -5.6,-1.9 -4.1,-12.1 -4.1,-12.1 m 35.6,12.1 c -5.6,-1.9 -4.1,-12.1 -4.1,-12.1 m -58.4,11.7 c 5.6,1.5 5.5,11.8 5.5,11.8 m 24.5,-11.8 c 5.6,1.5 5.5,11.8 5.5,11.8 m 29,-11.8 c 5.6,1.5 5.5,11.8 5.5,11.8 m 13.9,-12.1 c 5.6,1.5 5.5,11.8 5.5,11.8 m 10.1,-11.6 -112,0.1" + class="st170" + inkscape:label="betaOxidation " + inkscape:connector-curvature="0" + id="R_betaOxidation" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1109.3,969.41855 c -6.9,2 -6.9,2 -6.9,2 l 6.8,2.4 -1.7,-2.2 1.8,-2.2 z m 8.5,-8.8 c -2,-4.9 -2,-4.9 -2,-4.9 l -1.3,5.6 1.6,-1.7 1.7,1 z m 31.5,0 c -2,-4.9 -2,-4.9 -2,-4.9 l -1.3,5.6 1.6,-1.7 1.7,1 z m 31.5,0 c -2,-4.9 -2,-4.9 -2,-4.9 l -1.3,5.6 1.6,-1.7 1.7,1 z" + class="st32" + inkscape:label="betaOxidation f" + inkscape:connector-curvature="0" + id="F_betaOxidation" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1858" + class="st15 st16" + x="1042.6273" + y="976.7356">8 AcCoA</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1567.3,874.91855 c -2,-6.9 -2,-6.9 -2,-6.9 l -2.4,6.8 2.2,-1.7 2.2,1.8 z m 7.4,8.6 c 4.9,-2 4.9,-2 4.9,-2 l -5.6,-1.3 1.7,1.6 -1,1.7 z" + class="st32" + inkscape:label="palmitateActivation b" + inkscape:connector-curvature="0" + id="B_palmitateActivation" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1861" + class="st15 st16" + x="1486.4927" + y="427.78244">ATP</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1863" + class="st15 st16" + x="1554.2847" + y="427.81766">ADP</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.80649996" + d="m 1544.5,425.81855 -33.9,-0.3" + class="st116" + inkscape:label="ATPmaintenance " + inkscape:connector-curvature="0" + id="R_ATPmaintenance" /><path + style="fill:none;stroke:#000000;stroke-width:2.5" + d="m 1543.5,427.81855 c 7.2,-2.3 7.2,-2.3 7.2,-2.3 l -7.3,-2 1.9,2.1 -1.8,2.2 z" + class="st22" + inkscape:label="ATPmaintenancef" + inkscape:connector-curvature="0" + id="F_ATPmaintenance" /><text + style="font-size:14px;font-family:Calibri-Bold" + id="text1867" + class="st15 st38" + x="259.638" + y="851.84009">Pi</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1869" + class="st15 st16" + x="278.91238" + y="912.47101">Orn</text> +<path + style="fill:none;stroke:#000000;stroke-width:3.19709992" + d="m 237.8,908.91855 c -6,-8.4 -6,-12.6 -6.6,-16.9 m 29,16.8 c 5.9,-1.5 4.4,-13.9 4.4,-13.9 m 11.2,13.9 -60.2,-0.3" + class="st171" + inkscape:label="UniportOrnithine" + inkscape:connector-curvature="0" + id="R_UniportOrnithine" /><path + style="fill:none;stroke:#000000;stroke-width:2.32780004" + d="m 267.4,895.31855 c -0.6,-1.9 -1.3,-3.9 -1.9,-5.8 -0.9,1.9 -1.9,3.7 -2.8,5.6 0.8,-0.4 1.7,-0.9 2.5,-1.3 0.6,0.5 1.4,1 2.2,1.5 z m -51.1,11.2 c -2.4,0.8 -4.8,1.6 -7.2,2.4 2.5,0.6 4.9,1.3 7.4,1.9 -0.6,-0.7 -1.3,-1.4 -1.9,-2.1 0.6,-0.7 1.1,-1.4 1.7,-2.2 l 0,0 z" + class="st140" + inkscape:label="UniportOrnithine f" + inkscape:connector-curvature="0" + id="F_UniportOrnithine" /><text + style="font-size:14px;font-family:Calibri-Bold" + id="text1873" + class="st15 st38" + x="261.46759" + y="887.15851">H</text> +<text + style="font-size:14px;font-family:Calibri-Bold" + id="text1875" + class="st15 st38" + x="226.01099" + y="888.6438">H</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1877" + class="st15 st16" + x="180.79909" + y="912.72589">Orn</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1879" + class="st15 st16" + x="303.034" + y="950.73657">Orn</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1881" + class="st15 st16" + x="170.7791" + y="950.48169">Orn</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.32780004" + d="m 283.9,934.31855 c -0.6,-1.9 -1.3,-3.9 -1.9,-5.8 -0.9,1.9 -1.9,3.7 -2.8,5.6 0.8,-0.4 1.7,-0.9 2.5,-1.3 0.6,0.5 1.4,1 2.2,1.5 z m -50,2.4 c -2.4,-5.9 -2.4,-5.9 -2.4,-5.9 l -2.3,6 2.3,-1.5 2.4,1.4 z m -26.6,8.8 c -2.4,0.8 -4.8,1.6 -7.2,2.4 2.5,0.6 4.9,1.3 7.4,1.9 -0.6,-0.7 -1.3,-1.4 -1.9,-2.1 0.6,-0.7 1.1,-1.4 1.7,-2.2 z" + class="st140" + inkscape:connector-curvature="0" + id="path3519" /><path + style="fill:none;stroke:#000000;stroke-width:2.82299995" + d="m 218.4,948.01855 c -6.2,-6.3 -6.2,-9.5 -6.8,-12.7 m 65.1,12.5 c 5.9,-1.5 4.4,-13.9 4.4,-13.9 m -43.2,14.1 c -6.2,-6.3 -6.2,-9.5 -6.8,-12.7 m 29.1,12.5 c 5.9,-1.5 4.4,-13.9 4.4,-13.9 m 26.7,13.9 -84.7,-0.2" + class="st45" + inkscape:label="CotraspArgOrnA" + inkscape:connector-curvature="0" + id="R_CotraspArgOrnA" /><path + style="fill:none;stroke:#000000;stroke-width:2.35560012" + d="m 214.4,936.71855 c -2.4,-5.9 -2.4,-5.9 -2.4,-5.9 l -2.3,6 2.3,-1.5 2.4,1.4 z m 76.1,13.1 c 7.2,-2.3 7.2,-2.3 7.2,-2.3 l -7.3,-2 1.9,2.1 -1.8,2.2 z m -23.1,-15.5 c -0.6,-1.9 -1.3,-3.9 -1.9,-5.8 -0.9,1.9 -1.9,3.7 -2.8,5.6 0.8,-0.4 1.7,-0.9 2.5,-1.3 0.6,0.5 1.4,1 2.2,1.5 z" + class="st46" + inkscape:label="CotraspArgOrnA f" + inkscape:connector-curvature="0" + id="F_CotraspArgOrnA" /><text + style="font-size:14px;font-family:Calibri-Bold" + id="text1886" + class="st15 st38" + x="259.9368" + y="926.9231">H</text> +<text + style="font-size:14px;font-family:Calibri-Bold" + id="text1888" + class="st15 st38" + x="226.01099" + y="927.6438">H</text> +<text + style="font-size:14px;font-family:Calibri-Bold" + id="text1890" + class="st15 st38" + x="199.5208" + y="926.62427">Arg</text> +<text + style="font-size:14px;font-family:Calibri-Bold" + id="text1892" + class="st15 st38" + x="273.05161" + y="926.62427">Arg</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1894" + class="st15 st16" + x="300.10669" + y="992.00116">Orn</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1896" + class="st15 st16" + x="176.7791" + y="991.49146">Orn</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.32780004" + d="m 289.9,974.81855 c -0.6,-1.9 -1.3,-3.9 -1.9,-5.8 -0.9,1.9 -1.9,3.7 -2.8,5.6 0.8,-0.4 1.7,-0.9 2.5,-1.3 0.6,0.5 1.4,1 2.2,1.5 z m -76.6,11.2 c -2.4,0.8 -4.8,1.6 -7.2,2.4 2.5,0.6 4.9,1.3 7.4,1.9 -0.6,-0.7 -1.3,-1.4 -1.9,-2.1 0.6,-0.7 1.1,-1.4 1.7,-2.2 z m 60.1,-11.2 c -0.6,-1.9 -1.3,-3.9 -1.9,-5.8 -0.9,1.9 -1.9,3.7 -2.8,5.6 0.8,-0.4 1.7,-0.9 2.5,-1.3 0.6,0.5 1.4,1 2.2,1.5 z" + class="st140" + inkscape:label="CotraspArgOrnB f" + inkscape:connector-curvature="0" + id="F_CotraspArgOrnB" /><path + style="fill:none;stroke:#000000;stroke-width:3.13730001" + d="m 227.1,988.41855 c -5.9,-8.2 -5.9,-12.4 -6.5,-16.5 m 62.1,16.4 c 5.9,-1.5 4.4,-13.9 4.4,-13.9 m -41.5,14 c -5.9,-8.2 -5.9,-12.4 -6.5,-16.5 m 27.1,16.4 c 5.9,-1.5 4.4,-13.9 4.4,-13.9 m 26.7,13.9 -84.7,-0.2" + class="st172" + inkscape:label="CotraspArgOrnB" + inkscape:connector-curvature="0" + id="R_CotraspArgOrnB" /><text + style="font-size:14px;font-family:Calibri-Bold" + id="text1900" + class="st15 st38" + x="265.9368" + y="967.4231">H</text> +<text + style="font-size:14px;font-family:Calibri-Bold" + id="text1902" + class="st15 st38" + x="232.01099" + y="968.1438">H</text> +<text + style="font-size:14px;font-family:Calibri-Bold" + id="text1904" + class="st15 st38" + x="205.5208" + y="967.12427">Arg</text> +<text + style="font-size:14px;font-family:Calibri-Bold" + id="text1906" + class="st15 st38" + x="279.05161" + y="967.12427">Arg</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1908" + class="st15 st16" + x="303.034" + y="1030.2366">Ci</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1910" + class="st15 st16" + x="182.74879" + y="1032.5325">Ci</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.32780004" + d="m 283.9,1013.8186 c -0.6,-1.9 -1.3,-3.9 -1.9,-5.8 -0.9,1.9 -1.9,3.7 -2.8,5.6 0.8,-0.4 1.7,-0.9 2.5,-1.3 0.6,0.5 1.4,1 2.2,1.5 z m -50,2.4 c -2.4,-5.9 -2.4,-5.9 -2.4,-5.9 l -2.3,6 2.3,-1.5 2.4,1.4 z m -26.6,8.8 c -2.4,0.8 -4.8,1.6 -7.2,2.4 2.5,0.6 4.9,1.3 7.4,1.9 -0.6,-0.7 -1.3,-1.4 -1.9,-2.1 0.6,-0.7 1.1,-1.4 1.7,-2.2 z" + class="st140" + inkscape:label="CotraspArgCitrA b" + inkscape:connector-curvature="0" + id="B_CotraspArgCitrA" /><path + style="fill:none;stroke:#000000;stroke-width:2.82299995" + d="m 218.4,1027.5186 c -6.2,-6.3 -6.2,-9.5 -6.8,-12.7 m 65.1,12.5 c 5.9,-1.5 4.4,-13.9 4.4,-13.9 m -43.2,14.1 c -6.2,-6.3 -6.2,-9.5 -6.8,-12.7 m 29.1,12.5 c 5.9,-1.5 4.4,-13.9 4.4,-13.9 m 26.7,13.9 -84.7,-0.2" + class="st45" + inkscape:label="CotraspArgCitrA" + inkscape:connector-curvature="0" + id="R_CotraspArgCitrA" /><path + style="fill:none;stroke:#000000;stroke-width:2.35560012" + d="m 214.4,1016.2186 c -2.4,-5.9 -2.4,-5.9 -2.4,-5.9 l -2.3,6 2.3,-1.5 2.4,1.4 z m 76.1,13.1 c 7.2,-2.3 7.2,-2.3 7.2,-2.3 l -7.3,-2 1.9,2.1 -1.8,2.2 z m -23.1,-15.5 c -0.6,-1.9 -1.3,-3.9 -1.9,-5.8 -0.9,1.9 -1.9,3.7 -2.8,5.6 0.8,-0.4 1.7,-0.9 2.5,-1.3 0.6,0.5 1.4,1 2.2,1.5 z" + class="st46" + inkscape:label="CotraspArgCitrA f" + inkscape:connector-curvature="0" + id="F_CotraspArgCitrA" /><text + style="font-size:14px;font-family:Calibri-Bold" + id="text1915" + class="st15 st38" + x="259.9368" + y="1006.4231">H</text> +<text + style="font-size:14px;font-family:Calibri-Bold" + id="text1917" + class="st15 st38" + x="226.01099" + y="1007.1438">H</text> +<text + style="font-size:14px;font-family:Calibri-Bold" + id="text1919" + class="st15 st38" + x="199.5208" + y="1006.1243">Arg</text> +<text + style="font-size:14px;font-family:Calibri-Bold" + id="text1921" + class="st15 st38" + x="273.05161" + y="1006.1243">Arg</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.32780004" + d="m 282.4,1048.3186 c -0.6,-1.9 -1.3,-3.9 -1.9,-5.8 -0.9,1.9 -1.9,3.7 -2.8,5.6 0.8,-0.4 1.7,-0.9 2.5,-1.3 0.6,0.5 1.4,1 2.2,1.5 z m -76.6,11.2 c -2.4,0.8 -4.8,1.6 -7.2,2.4 2.5,0.6 4.9,1.3 7.4,1.9 -0.6,-0.7 -1.3,-1.4 -1.9,-2.1 0.6,-0.7 1.1,-1.4 1.7,-2.2 z m 60.1,-11.2 c -0.6,-1.9 -1.3,-3.9 -1.9,-5.8 -0.9,1.9 -1.9,3.7 -2.8,5.6 0.8,-0.4 1.7,-0.9 2.5,-1.3 0.6,0.5 1.4,1 2.2,1.5 z" + class="st140" + inkscape:label="CotraspArgCitrB f" + inkscape:connector-curvature="0" + id="F_CotraspArgCitrB" /><path + style="fill:none;stroke:#000000;stroke-width:3.13730001" + d="m 219.6,1061.9186 c -5.9,-8.2 -5.9,-12.4 -6.5,-16.5 m 62.1,16.4 c 5.9,-1.5 4.4,-13.9 4.4,-13.9 m -41.5,14 c -5.9,-8.2 -5.9,-12.4 -6.5,-16.5 m 27.1,16.4 c 5.9,-1.5 4.4,-13.9 4.4,-13.9 m 26.7,13.9 -84.7,-0.2" + class="st172" + inkscape:label="CotraspArgCitrB" + inkscape:connector-curvature="0" + id="R_CotraspArgCitrB" /><text + style="font-size:14px;font-family:Calibri-Bold" + id="text1925" + class="st15 st38" + x="258.4368" + y="1040.9231">H</text> +<text + style="font-size:14px;font-family:Calibri-Bold" + id="text1927" + class="st15 st38" + x="224.51099" + y="1041.6438">H</text> +<text + style="font-size:14px;font-family:Calibri-Bold" + id="text1929" + class="st15 st38" + x="198.0208" + y="1040.6243">Arg</text> +<text + style="font-size:14px;font-family:Calibri-Bold" + id="text1931" + class="st15 st38" + x="271.55161" + y="1040.6243">Arg</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1933" + class="st15 st16" + x="292.57349" + y="1066.5403">Ci</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1935" + class="st15 st16" + x="182.74879" + y="1067.0325">Ci</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1937" + class="st15 st16" + x="289.01248" + y="1101.4709">Arg</text> +<path + style="fill:none;stroke:#000000;stroke-width:3.19709992" + d="m 237.8,1097.9186 c -6,-8.4 -6,-12.6 -6.6,-16.9 m 29,16.8 c 5.9,-1.5 4.4,-13.9 4.4,-13.9 m 11.2,13.9 -60.2,-0.3" + class="st171" + inkscape:label="UniportArginine" + inkscape:connector-curvature="0" + id="R_UniportArginine" /><path + style="fill:none;stroke:#000000;stroke-width:2.32780004" + d="m 267.4,1084.3186 c -0.6,-1.9 -1.3,-3.9 -1.9,-5.8 -0.9,1.9 -1.9,3.7 -2.8,5.6 0.8,-0.4 1.7,-0.9 2.5,-1.3 0.6,0.5 1.4,1 2.2,1.5 z m -51.1,11.2 c -2.4,0.8 -4.8,1.6 -7.2,2.4 2.5,0.6 4.9,1.3 7.4,1.9 -0.6,-0.7 -1.3,-1.4 -1.9,-2.1 0.6,-0.7 1.1,-1.4 1.7,-2.2 z" + class="st140" + inkscape:label="UniportArginine f" + inkscape:connector-curvature="0" + id="F_UniportArginine" /><text + style="font-size:14px;font-family:Calibri-Bold" + id="text1941" + class="st15 st38" + x="261.46759" + y="1076.1584">H</text> +<text + style="font-size:14px;font-family:Calibri-Bold" + id="text1943" + class="st15 st38" + x="226.01099" + y="1077.6438">H</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1945" + class="st15 st16" + x="180.79909" + y="1101.7258">Arg</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1947" + class="st15 st16" + x="295.41238" + y="1140.4709">Ci</text> +<path + style="fill:none;stroke:#000000;stroke-width:3.19709992" + d="m 246.8,1136.9186 c -6,-8.4 -6,-12.6 -6.6,-16.9 m 29,16.8 c 5.9,-1.5 4.4,-13.9 4.4,-13.9 m 11.2,13.9 -60.2,-0.3" + class="st171" + inkscape:label="UniportCitrulline" + inkscape:connector-curvature="0" + id="R_UniportCitrulline" /><path + style="fill:none;stroke:#000000;stroke-width:2.32780004" + d="m 276.4,1123.3186 c -0.6,-1.9 -1.3,-3.9 -1.9,-5.8 -0.9,1.9 -1.9,3.7 -2.8,5.6 0.8,-0.4 1.7,-0.9 2.5,-1.3 0.6,0.5 1.4,1 2.2,1.5 z m -51.1,11.2 c -2.4,0.8 -4.8,1.6 -7.2,2.4 2.5,0.6 4.9,1.3 7.4,1.9 -0.6,-0.7 -1.3,-1.4 -1.9,-2.1 0.6,-0.7 1.1,-1.4 1.7,-2.2 z" + class="st140" + inkscape:label="UniportCitrulline f" + inkscape:connector-curvature="0" + id="F_UniportCitrulline" /><text + style="font-size:14px;font-family:Calibri-Bold" + id="text1951" + class="st15 st38" + x="270.46759" + y="1115.1584">H</text> +<text + style="font-size:14px;font-family:Calibri-Bold" + id="text1953" + class="st15 st38" + x="235.37189" + y="1114.1194">H</text> +<text + style="font-size:16px;font-family:Calibri-Bold" + id="text1955" + class="st15 st16" + x="202.06329" + y="1141.4475">Ci</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.32780004" + d="m 275.3,1099.8186 c 2.4,-0.8 4.8,-1.6 7.2,-2.4 -2.5,-0.6 -4.9,-1.3 -7.4,-1.9 0.6,0.7 1.3,1.4 1.9,2.1 -0.6,0.8 -1.1,1.5 -1.7,2.2 z m -40.9,-15.5 c -0.6,-1.9 -1.3,-3.9 -1.9,-5.8 -0.9,1.9 -1.9,3.7 -2.8,5.6 0.8,-0.4 1.7,-0.9 2.5,-1.3 0.6,0.5 1.4,1 2.2,1.5 z" + class="st140" + inkscape:label="UniportArginine b" + inkscape:connector-curvature="0" + id="B_UniportArginine" /><path + style="fill:none;stroke:#000000;stroke-width:2.32780004" + d="m 243,1123.3186 c -0.6,-1.9 -1.3,-3.9 -1.9,-5.8 -0.9,1.9 -1.9,3.7 -2.8,5.6 0.8,-0.4 1.7,-0.9 2.5,-1.3 0.7,0.5 1.4,1 2.2,1.5 z m 41.3,15.5 c 2.4,-0.8 4.8,-1.6 7.2,-2.4 -2.5,-0.6 -4.9,-1.3 -7.4,-1.9 0.6,0.7 1.3,1.4 1.9,2.1 -0.6,0.8 -1.1,1.5 -1.7,2.2 z" + class="st140" + inkscape:label="UniportCitrulline b" + inkscape:connector-curvature="0" + id="B_UniportCitrulline" /><path + style="fill:none;stroke:#000000;stroke-width:2.22029996" + d="m 1039.7789,1224.1775 0.3,50.4" + class="st68" + inkscape:label="DM_10formylTHFc" + inkscape:connector-curvature="0" + id="R_DM_10formylTHFc" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1960" + class="st15 st16" + x="984.76355" + y="1218.4149">10-formylTHF</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.17810011" + d="m 1037.8789,1273.7775 2.2,7.2 2.2,-7.2 -2.2,1.8 -2.2,-1.8 z" + class="st63" + inkscape:label="DM_10formylTHFc f" + inkscape:connector-curvature="0" + id="F_DM_10formylTHFc" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1963" + class="st15 st16" + x="739.07251" + y="1219.4495">carnitine</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.17810011" + d="m 769.6,1234.7186 0,47.6" + class="st63" + inkscape:label="DM_Carnitine" + inkscape:connector-curvature="0" + id="R_DM_Carnitine" /><path + style="fill:none;stroke:#000000;stroke-width:2.17810011" + d="m 769.8,1233.4186 2.2,1.8 -2.2,-7.2 -2.2,7.2 2.2,-1.8 z" + class="st63" + inkscape:label="DM_Carnitine f" + inkscape:connector-curvature="0" + id="F_DM_Carnitine" /><path + style="fill:none;stroke:#000000;stroke-width:2.17810011" + d="m 1382.6,1269.2186 2.2,7.2 2.2,-7.2 -2.2,1.8 -2.2,-1.8 z" + class="st63" + inkscape:label="Palmitate_DM_COOP f" + inkscape:connector-curvature="0" + id="F_Palmitate_DM_COOP" /><path + style="fill:none;stroke:#000000;stroke-width:2.17810011" + d="m 1384.7,1222.0186 0,47.6" + class="st63" + inkscape:label="Palmitate_DM_COOP" + inkscape:connector-curvature="0" + id="R_Palmitate_DM_COOP" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1969" + class="st15 st16" + x="1377.4066" + y="1218.3489">Palm</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 1305.8,1276.7186 -0.3,-48.1" + class="st14" + inkscape:label="Arginine_DM_COOP" + inkscape:connector-curvature="0" + id="R_Arginine_DM_COOP" /><path + style="fill:none;stroke:#000000;stroke-width:2.22930002" + d="m 1267.8,1232.1186 2.2,-7.7 2.2,7.7 -2.2,-1.9 -2.2,1.9 z" + class="st69" + inkscape:label="Glutamate_DM_COOP b" + inkscape:connector-curvature="0" + id="B_Glutamate_DM_COOP" /><path + style="fill:none;stroke:#000000;stroke-width:3.16359997" + d="m 643.6,1230.3186 2.2,-6.9 2.2,6.9 -2.2,-1.7 -2.2,1.7 z" + class="st65" + inkscape:label="Ex_NH3 b" + inkscape:connector-curvature="0" + id="B_Ex_NH3" /><text + style="font-size:10px;font-family:Calibri" + id="text1974" + class="st17 st18" + x="1314.7279" + y="204.19505">ATP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1976" + class="st17 st18" + x="1294.9379" + y="204.31226">ADP</text> +<path + style="fill:none;stroke:#000000;stroke-width:1.68470001" + d="m 1308.1,213.31855 c -2.4,6.7 3.6,10.9 3.6,10.9 m 15.7,0.2 c -26.9,0 -26.9,0 -26.9,0 m 19.4,-11.1 c 2.4,6.7 -3.6,10.9 -3.6,10.9" + class="st163" + inkscape:label="AK" + inkscape:connector-curvature="0" + id="R_AK" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1303.7,221.91855 c -6.9,2 -6.9,2 -6.9,2 l 6.8,2.4 -1.7,-2.2 1.8,-2.2 z m 1.9,-8.8 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z" + class="st32" + inkscape:label="AK b" + inkscape:connector-curvature="0" + id="B_AK" /><path + style="fill:none;stroke:#000000;stroke-width:2.44919991" + d="m 1327.4,222.21855 c 6.9,2 6.9,2 6.9,2 l -6.8,2.4 1.7,-2.2 -1.8,-2.2 z m -8.6,-9.1 c 2,-4.9 2,-4.9 2,-4.9 l 1.3,5.6 -1.6,-1.7 -1.7,1 z" + class="st32" + inkscape:label="AK f" + inkscape:connector-curvature="0" + id="F_AK" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text1981" + class="st15 st16" + x="1341.2035" + y="225.97145">dAMP</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1983" + class="st17 st18" + x="422.99298" + y="130.87186">H</text> +<text + style="font-size:6.5px;font-family:Calibri" + id="text1985" + class="st17 st173" + x="429.22339" + y="132.87186">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1987" + class="st17 st18" + x="432.51788" + y="130.87186">O</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1989" + class="st17 st18" + x="427.66238" + y="118.75516">Pi</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.0948" + d="m 457.5,136.01855 0,-31.1 0,31.1 z m -0.4,-14.7 c -0.9,-5.5 -11.1,-5.3 -11.1,-5.3 m -3.6,11.8 c 8.8,2.9 14.6,-3.3 14.6,-3.3" + class="st76" + inkscape:label="G6PPer" + inkscape:connector-curvature="0" + id="R_G6PPer" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 447,117.71855 c -4.9,-2 -4.9,-2 -4.9,-2 l 5.6,-1.3 -1.7,1.6 1,1.7 z m 12.1,-10.7 c -1.7,-7.299996 -1.7,-7.299996 -1.7,-7.299996 l -1.7,7.299996 1.7,-1.8 1.7,1.8 z" + class="st30" + inkscape:label="F G6PPer" + inkscape:connector-curvature="0" + id="F_G6PPer" /><path + style="fill:none;stroke:#000000;stroke-width:2.0948" + d="m 457.9,245.51855 0,-31.1 0,31.1 z m -0.4,-14.8 c -0.9,-5.5 -11.1,-5.3 -11.1,-5.3 m -3.6,11.9 c 8.8,2.9 14.6,-3.3 14.6,-3.3" + class="st76" + inkscape:transform-center-y="-61.654422" + inkscape:transform-center-x="138.9285" + inkscape:connector-curvature="0" + id="R_FBP" /><path + style="fill:none;stroke:#000000;stroke-width:1.87170005" + d="m 447.4,227.21855 c -4.9,-2 -4.9,-2 -4.9,-2 l 5.6,-1.3 -1.7,1.6 1,1.7 z m 12.1,-10.7 c -1.7,-7.3 -1.7,-7.3 -1.7,-7.3 l -1.7,7.3 1.7,-1.8 1.7,1.8 z" + class="st30" + inkscape:transform-center-y="-76.278967" + inkscape:transform-center-x="138.06632" + inkscape:label="FBP f" + inkscape:connector-curvature="0" + id="F_FBP" /><text + style="font-size:10px;font-family:Calibri" + id="text1995" + class="st17 st18" + x="424.16238" + y="240.49146">H</text> +<text + style="font-size:6.5px;font-family:Calibri" + id="text1997" + class="st17 st173" + x="430.39288" + y="242.49146">2</text> +<text + style="font-size:10px;font-family:Calibri" + id="text1999" + class="st17 st18" + x="433.6868" + y="240.49146">O</text> +<text + style="font-size:10px;font-family:Calibri" + id="text2001" + class="st17 st18" + x="428.83179" + y="228.37425">Pi</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.17810011" + d="m 1405.8,1229.0186 0,47.6" + class="st63" + inkscape:label="Palmitate_UP_COOP" + inkscape:connector-curvature="0" + id="R_Palmitate_UP_COOP" /><path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 1403.7,1233.9186 2.1,-7.3 2.3,7.3 -2.2,-1.8 -2.2,1.8 z" + class="st14" + inkscape:label="Palmitate_UP_COOP f" + inkscape:connector-curvature="0" + id="F_Palmitate_UP_COOP" /><path + style="fill:none;stroke:#000000;stroke-width:2.22930002" + d="m 767.6,1278.0186 2.2,7.7 2.2,-7.7 -2.2,1.9 -2.2,-1.9 z" + class="st69" + inkscape:label="DM_Carnitine b" + inkscape:connector-curvature="0" + id="B_DM_Carnitine" /><path + style="fill:none;stroke:#000000;stroke-width:2.67510009" + d="m 964.1,1232.4186 -2.2,-7.1 -2.2,7.1 2.2,-1.8 2.2,1.8 z" + class="st64" + inkscape:label="UptakeCitrate f" + inkscape:connector-curvature="0" + id="F_UptakeCitrate" /><path + style="fill:none;stroke:#000000;stroke-width:2.67510009" + d="m 962,1278.6186 0,-46.6" + class="st64" + inkscape:label="DM_Citrate" + inkscape:connector-curvature="0" + id="R_DM_Citrate" /><text + style="font-size:16px;font-family:Calibri-Bold" + id="text2008" + class="st15 st16" + x="952.39581" + y="1218.1301">Cit</text> +<path + style="fill:none;stroke:#000000;stroke-width:2.22930002" + d="m 959.6,1276.4186 2.2,7.7 2.2,-7.7 -2.2,1.9 -2.2,-1.9 z" + class="st69" + inkscape:label="UptakeCitrate b" + inkscape:connector-curvature="0" + id="B_UptakeCitrate" /><path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 1174.9998,1273.8805 -2.1,7.3 -2.3,-7.3 2.2,1.8 2.2,-1.8 z" + class="st14" + inkscape:label="Glucose_DM_COOP f" + inkscape:connector-curvature="0" + id="F_Glucose_DM_COOP" /><path + style="fill:none;stroke:#000000;stroke-width:2.22930002" + d="m 1137.2,1273.5186 2.2,7.7 2.2,-7.7 -2.2,1.9 -2.2,-1.9 z" + class="st69" + inkscape:label="LactateL_DM_COOP f" + inkscape:connector-curvature="0" + id="F_DM_LactateL" /><path + style="fill:none;stroke:#000000;stroke-width:2.22930002" + d="m 1139.2,1223.4186 0,50.5" + class="st69" + inkscape:label="LactateL_DM_COOP" + inkscape:connector-curvature="0" + id="R_LactateL_DM_COOP" /><path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 1231.89,1231.8186 2.2,-7.3 2.2,7.3 -2.2,-1.8 -2.2,1.8 z" + class="st14" + inkscape:label="Glutamine_DM_COOP b" + inkscape:connector-curvature="0" + id="B_Glutamine_DM_COOP" /><path + style="fill:none;stroke:#000000;stroke-width:2.18210006" + d="m 1233.89,1279.4186 0,-48" + class="st14" + inkscape:label="Glutamine_DM_COOP" + inkscape:connector-curvature="0" + id="R_Glutamine_DM_COOP" /><flowRoot + xml:space="preserve" + id="flowRoot5366" + style="font-style:normal;font-weight:normal;font-size:35px;line-height:125%;font-family:sans-serif;letter-spacing:0px;word-spacing:0px;fill:#000000;fill-opacity:1;stroke:none;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1" + transform="translate(-20.6,18.418554)"><flowRegion + id="flowRegion5368"><rect + id="rect5370" + width="1165.1471" + height="77.465683" + x="306.70087" + y="-39.523308" /></flowRegion><flowPara + id="flowPara5372" /></flowRoot><flowRoot + xml:space="preserve" + id="TitoloConfronto" + style="font-style:normal;font-weight:normal;font-size:35px;line-height:125%;font-family:sans-serif;letter-spacing:0px;word-spacing:0px;fill:#000000;fill-opacity:1;stroke:none;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1" + inkscape:label="TitoloConfronto" + transform="translate(-18.364224,56.426743)"><flowRegion + id="flowRegion5376"><rect + id="rect5378" + width="1869.6877" + height="68.569115" + x="301.95807" + y="-69.56102" /></flowRegion><flowPara + id="TitleText" + style="font-style:normal;font-variant:normal;font-weight:normal;font-stretch:normal;font-size:45px;font-family:sans-serif;-inkscape-font-specification:sans-serif">TITOLO: TITOLOTITOLO </flowPara></flowRoot><flowRoot + xml:space="preserve" + id="flowRoot5382" + style="font-style:normal;font-weight:normal;font-size:35px;line-height:125%;font-family:sans-serif;letter-spacing:0px;word-spacing:0px;fill:#000000;fill-opacity:1;stroke:none;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1" + transform="translate(-16.64767,38.180207)"><flowRegion + id="flowRegion5384"><rect + id="rect5386" + width="275.00043" + height="149.79698" + x="1681.3033" + y="204.59315" /></flowRegion><flowPara + id="flowPara5390" + style="font-style:normal;font-variant:normal;font-weight:bold;font-stretch:normal;font-family:sans-serif;-inkscape-font-specification:'sans-serif Bold'">Fold Change</flowPara></flowRoot><flowRoot + xml:space="preserve" + id="FC_min" + style="font-style:normal;font-weight:normal;font-size:35px;line-height:125%;font-family:sans-serif;letter-spacing:0px;word-spacing:0px;fill:#000000;fill-opacity:1;stroke:none;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1" + transform="translate(-8.622366,131.05768)" + inkscape:label="FC_min"><flowRegion + id="flowRegion5384-2"><rect + id="rect5386-9" + width="275.00043" + height="149.79698" + x="1681.3033" + y="204.59315" /></flowRegion><flowPara + id="Val_FC_min">min: </flowPara></flowRoot><flowRoot + xml:space="preserve" + id="FC_max" + style="font-style:normal;font-weight:normal;font-size:35px;line-height:125%;font-family:sans-serif;letter-spacing:0px;word-spacing:0px;fill:#000000;fill-opacity:1;stroke:none;stroke-width:1px;stroke-linecap:butt;stroke-linejoin:miter;stroke-opacity:1" + transform="translate(-17.492772,95.648076)" + inkscape:label="FC_max"><flowRegion + id="flowRegion5384-2-2"><rect + id="rect5386-9-9" + width="275.00043" + height="149.79698" + x="1681.3033" + y="204.59315" /></flowRegion><flowPara + id="Val_FC_max">max:</flowPara></flowRoot></svg> \ No newline at end of file
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/marea.py Sun Oct 13 11:38:28 2024 +0000 @@ -0,0 +1,925 @@ +from __future__ import division +import csv +from enum import Enum +import re +import sys +import numpy as np +import pandas as pd +import itertools as it +import scipy.stats as st +import lxml.etree as ET +import math +import utils.general_utils as utils +from PIL import Image +import os +import argparse +import pyvips +from typing import Tuple, Union, Optional, List, Dict + +ERRORS = [] +########################## argparse ########################################## +ARGS :argparse.Namespace +def process_args() -> argparse.Namespace: + """ + Interfaces the script of a module with its frontend, making the user's choices for various parameters available as values in code. + + Args: + args : Always obtained (in file) from sys.argv + + Returns: + Namespace : An object containing the parsed arguments + """ + parser = argparse.ArgumentParser( + usage = "%(prog)s [options]", + description = "process some value's genes to create a comparison's map.") + + #General: + parser.add_argument( + '-td', '--tool_dir', + type = str, + required = True, + help = 'your tool directory') + + parser.add_argument('-on', '--control', type = str) + parser.add_argument('-ol', '--out_log', help = "Output log") + + #Computation details: + parser.add_argument( + '-co', '--comparison', + type = str, + default = '1vs1', + choices = ['manyvsmany', 'onevsrest', 'onevsmany']) + + parser.add_argument( + '-pv' ,'--pValue', + type = float, + default = 0.1, + help = 'P-Value threshold (default: %(default)s)') + + parser.add_argument( + '-fc', '--fChange', + type = float, + default = 1.5, + help = 'Fold-Change threshold (default: %(default)s)') + + parser.add_argument( + "-ne", "--net", + type = utils.Bool("net"), default = False, + help = "choose if you want net enrichment for RPS") + + parser.add_argument( + '-op', '--option', + type = str, + choices = ['datasets', 'dataset_class'], + help='dataset or dataset and class') + + #RAS: + parser.add_argument( + "-ra", "--using_RAS", + type = utils.Bool("using_RAS"), default = True, + help = "choose whether to use RAS datasets.") + + parser.add_argument( + '-id', '--input_data', + type = str, + help = 'input dataset') + + parser.add_argument( + '-ic', '--input_class', + type = str, + help = 'sample group specification') + + parser.add_argument( + '-ids', '--input_datas', + type = str, + nargs = '+', + help = 'input datasets') + + parser.add_argument( + '-na', '--names', + type = str, + nargs = '+', + help = 'input names') + + #RPS: + parser.add_argument( + "-rp", "--using_RPS", + type = utils.Bool("using_RPS"), default = False, + help = "choose whether to use RPS datasets.") + + parser.add_argument( + '-idr', '--input_data_rps', + type = str, + help = 'input dataset rps') + + parser.add_argument( + '-icr', '--input_class_rps', + type = str, + help = 'sample group specification rps') + + parser.add_argument( + '-idsr', '--input_datas_rps', + type = str, + nargs = '+', + help = 'input datasets rps') + + parser.add_argument( + '-nar', '--names_rps', + type = str, + nargs = '+', + help = 'input names rps') + + #Output: + parser.add_argument( + "-gs", "--generate_svg", + type = utils.Bool("generate_svg"), default = True, + help = "choose whether to use RAS datasets.") + + parser.add_argument( + "-gp", "--generate_pdf", + type = utils.Bool("generate_pdf"), default = True, + help = "choose whether to use RAS datasets.") + + parser.add_argument( + '-cm', '--custom_map', + type = str, + help='custom map to use') + + parser.add_argument( + '-mc', '--choice_map', + type = utils.Model, default = utils.Model.HMRcore, + choices = [utils.Model.HMRcore, utils.Model.ENGRO2, utils.Model.Custom]) + + args :argparse.Namespace = parser.parse_args() + if args.using_RAS and not args.using_RPS: args.net = False + + return args + +############################ dataset input #################################### +def read_dataset(data :str, name :str) -> pd.DataFrame: + """ + Tries to read the dataset from its path (data) as a tsv and turns it into a DataFrame. + + Args: + data : filepath of a dataset (from frontend input params or literals upon calling) + name : name associated with the dataset (from frontend input params or literals upon calling) + + Returns: + pd.DataFrame : dataset in a runtime operable shape + + Raises: + sys.exit : if there's no data (pd.errors.EmptyDataError) or if the dataset has less than 2 columns + """ + try: + dataset = pd.read_csv(data, sep = '\t', header = 0, engine='python') + except pd.errors.EmptyDataError: + sys.exit('Execution aborted: wrong format of ' + name + '\n') + if len(dataset.columns) < 2: + sys.exit('Execution aborted: wrong format of ' + name + '\n') + return dataset + +############################ dataset name ##################################### +def name_dataset(name_data :str, count :int) -> str: + """ + Produces a unique name for a dataset based on what was provided by the user. The default name for any dataset is "Dataset", thus if the user didn't change it this function appends f"_{count}" to make it unique. + + Args: + name_data : name associated with the dataset (from frontend input params) + count : counter from 1 to make these names unique (external) + + Returns: + str : the name made unique + """ + if str(name_data) == 'Dataset': + return str(name_data) + '_' + str(count) + else: + return str(name_data) + +############################ map_methods ###################################### +FoldChange = Union[float, int, str] # Union[float, Literal[0, "-INF", "INF"]] +def fold_change(avg1 :float, avg2 :float) -> FoldChange: + """ + Calculates the fold change between two gene expression values. + + Args: + avg1 : average expression value from one dataset avg2 : average expression value from the other dataset + + Returns: + FoldChange : + 0 : when both input values are 0 + "-INF" : when avg1 is 0 + "INF" : when avg2 is 0 + float : for any other combination of values + """ + if avg1 == 0 and avg2 == 0: + return 0 + elif avg1 == 0: + return '-INF' + elif avg2 == 0: + return 'INF' + else: # (threshold_F_C - 1) / (abs(threshold_F_C) + 1) con threshold_F_C > 1 + return (avg1 - avg2) / (abs(avg1) + abs(avg2)) + +def fix_style(l :str, col :Optional[str], width :str, dash :str) -> str: + """ + Produces a "fixed" style string to assign to a reaction arrow in the SVG map, assigning style properties to the corresponding values passed as input params. + + Args: + l : current style string of an SVG element + col : new value for the "stroke" style property + width : new value for the "stroke-width" style property + dash : new value for the "stroke-dasharray" style property + + Returns: + str : the fixed style string + """ + tmp = l.split(';') + flag_col = False + flag_width = False + flag_dash = False + for i in range(len(tmp)): + if tmp[i].startswith('stroke:'): + tmp[i] = 'stroke:' + col + flag_col = True + if tmp[i].startswith('stroke-width:'): + tmp[i] = 'stroke-width:' + width + flag_width = True + if tmp[i].startswith('stroke-dasharray:'): + tmp[i] = 'stroke-dasharray:' + dash + flag_dash = True + if not flag_col: + tmp.append('stroke:' + col) + if not flag_width: + tmp.append('stroke-width:' + width) + if not flag_dash: + tmp.append('stroke-dasharray:' + dash) + return ';'.join(tmp) + +# The type of d values is collapsed, losing precision, because the dict containst lists instead of tuples, please fix! +def fix_map(d :Dict[str, List[Union[float, FoldChange]]], core_map :ET.ElementTree, threshold_P_V :float, threshold_F_C :float, max_z_score :float) -> ET.ElementTree: + """ + Edits the selected SVG map based on the p-value and fold change data (d) and some significance thresholds also passed as inputs. + + Args: + d : dictionary mapping a p-value and a fold-change value (values) to each reaction ID as encoded in the SVG map (keys) + core_map : SVG map to modify + threshold_P_V : threshold for a p-value to be considered significant + threshold_F_C : threshold for a fold change value to be considered significant + max_z_score : highest z-score (absolute value) + + Returns: + ET.ElementTree : the modified core_map + + Side effects: + core_map : mut + """ + maxT = 12 + minT = 2 + grey = '#BEBEBE' + blue = '#6495ed' + red = '#ecac68' + for el in core_map.iter(): + el_id = str(el.get('id')) + if el_id.startswith('R_'): + tmp = d.get(el_id[2:]) + if tmp != None: + p_val :float = tmp[0] + f_c = tmp[1] + z_score = tmp[2] + if p_val < threshold_P_V: + if not isinstance(f_c, str): + if abs(f_c) < ((threshold_F_C - 1) / (abs(threshold_F_C) + 1)): # + col = grey + width = str(minT) + else: + if f_c < 0: + col = blue + elif f_c > 0: + col = red + width = str(max((abs(z_score) * maxT) / max_z_score, minT)) + else: + if f_c == '-INF': + col = blue + elif f_c == 'INF': + col = red + width = str(maxT) + dash = 'none' + else: + dash = '5,5' + col = grey + width = str(minT) + el.set('style', fix_style(el.get('style', ""), col, width, dash)) + return core_map + +def getElementById(reactionId :str, metabMap :ET.ElementTree) -> utils.Result[ET.Element, utils.Result.ResultErr]: + """ + Finds any element in the given map with the given ID. ID uniqueness in an svg file is recommended but + not enforced, if more than one element with the exact ID is found only the first will be returned. + + Args: + reactionId (str): exact ID of the requested element. + metabMap (ET.ElementTree): metabolic map containing the element. + + Returns: + utils.Result[ET.Element, ResultErr]: result of the search, either the first match found or a ResultErr. + """ + return utils.Result.Ok( + f"//*[@id=\"{reactionId}\"]").map( + lambda xPath : metabMap.xpath(xPath)[0]).mapErr( + lambda _ : utils.Result.ResultErr(f"No elements with ID \"{reactionId}\" found in map")) + # ^^^ we shamelessly ignore the contents of the IndexError, it offers nothing to the user. + +def styleMapElement(element :ET.Element, styleStr :str) -> None: + currentStyles :str = element.get("style", "") + if re.search(r";stroke:[^;]+;stroke-width:[^;]+;stroke-dasharray:[^;]+$", currentStyles): + currentStyles = ';'.join(currentStyles.split(';')[:-3]) + + element.set("style", currentStyles + styleStr) + +class ReactionDirection(Enum): + Unknown = "" + Direct = "_F" + Inverse = "_B" + + @classmethod + def fromDir(cls, s :str) -> "ReactionDirection": + # vvv as long as there's so few variants I actually condone the if spam: + if s == ReactionDirection.Direct.value: return ReactionDirection.Direct + if s == ReactionDirection.Inverse.value: return ReactionDirection.Inverse + return ReactionDirection.Unknown + + @classmethod + def fromReactionId(cls, reactionId :str) -> "ReactionDirection": + return ReactionDirection.fromDir(reactionId[-2:]) + +def getArrowBodyElementId(reactionId :str) -> str: + if reactionId.endswith("_RV"): reactionId = reactionId[:-3] #TODO: standardize _RV + elif ReactionDirection.fromReactionId(reactionId) is not ReactionDirection.Unknown: reactionId = reactionId[:-2] + return f"R_{reactionId}" + +def getArrowHeadElementId(reactionId :str) -> Tuple[str, str]: + """ + We attempt extracting the direction information from the provided reaction ID, if unsuccessful we provide the IDs of both directions. + + Args: + reactionId : the provided reaction ID. + + Returns: + Tuple[str, str]: either a single str ID for the correct arrow head followed by an empty string or both options to try. + """ + if reactionId.endswith("_RV"): reactionId = reactionId[:-3] #TODO: standardize _RV + elif ReactionDirection.fromReactionId(reactionId) is not ReactionDirection.Unknown: return reactionId[:-3:-1] + reactionId[:-2], "" + return f"F_{reactionId}", f"B_{reactionId}" + +class ArrowColor(Enum): + """ + Encodes possible arrow colors based on their meaning in the enrichment process. + """ + Invalid = "#BEBEBE" # gray, fold-change under treshold + UpRegulated = "#ecac68" # red, up-regulated reaction + DownRegulated = "#6495ed" # blue, down-regulated reaction + + UpRegulatedInv = "#FF0000" + # ^^^ different shade of red (actually orange), up-regulated net value for a reversible reaction with + # conflicting enrichment in the two directions. + + DownRegulatedInv = "#0000FF" + # ^^^ different shade of blue (actually purple), down-regulated net value for a reversible reaction with + # conflicting enrichment in the two directions. + + @classmethod + def fromFoldChangeSign(cls, foldChange :float, *, useAltColor = False) -> "ArrowColor": + colors = (cls.DownRegulated, cls.DownRegulatedInv) if foldChange < 0 else (cls.UpRegulated, cls.UpRegulatedInv) + return colors[useAltColor] + + def __str__(self) -> str: return self.value + +class Arrow: + """ + Models the properties of a reaction arrow that change based on enrichment. + """ + MIN_W = 2 + MAX_W = 12 + + def __init__(self, width :int, col: ArrowColor, *, isDashed = False) -> None: + """ + (Private) Initializes an instance of Arrow. + + Args: + width : width of the arrow, ideally to be kept within Arrow.MIN_W and Arrow.MAX_W (not enforced). + col : color of the arrow. + isDashed : whether the arrow should be dashed, meaning the associated pValue resulted not significant. + + Returns: + None : practically, a Arrow instance. + """ + self.w = width + self.col = col + self.dash = isDashed + + def applyTo(self, reactionId :str, metabMap :ET.ElementTree, styleStr :str) -> None: + if getElementById(reactionId, metabMap).map(lambda el : styleMapElement(el, styleStr)).isErr: + ERRORS.append(reactionId) + + def styleReactionElements(self, metabMap :ET.ElementTree, reactionId :str, *, mindReactionDir = True) -> None: + # If We're dealing with RAS data or in general don't care about the direction of the reaction we only style the arrow body + if not mindReactionDir: + return self.applyTo(getArrowBodyElementId(reactionId), metabMap, self.toStyleStr()) + + # Now we style the arrow head(s): + idOpt1, idOpt2 = getArrowHeadElementId(reactionId) + self.applyTo(idOpt1, metabMap, self.toStyleStr(downSizedForTips = True)) + if idOpt2: self.applyTo(idOpt2, metabMap, self.toStyleStr(downSizedForTips = True)) + + def getMapReactionId(self, reactionId :str, mindReactionDir :bool) -> str: + """ + Computes the reaction ID as encoded in the map for a given reaction ID from the dataset. + + Args: + reactionId: the reaction ID, as encoded in the dataset. + mindReactionDir: if True forward (F_) and backward (B_) directions will be encoded in the result. + + Returns: + str : the ID of an arrow's body or tips in the map. + """ + # we assume the reactionIds also don't encode reaction dir if they don't mind it when styling the map. + if not mindReactionDir: return "R_" + reactionId + + #TODO: this is clearly something we need to make consistent in RPS + return (reactionId[:-3:-1] + reactionId[:-2]) if reactionId[:-2] in ["_F", "_B"] else f"F_{reactionId}" # "Pyr_F" --> "F_Pyr" + + def toStyleStr(self, *, downSizedForTips = False) -> str: + """ + Collapses the styles of this Arrow into a str, ready to be applied as part of the "style" property on an svg element. + + Returns: + str : the styles string. + """ + width = self.w + if downSizedForTips: width *= 0.8 + return f";stroke:{self.col};stroke-width:{width};stroke-dasharray:{'5,5' if self.dash else 'none'}" + +# vvv These constants could be inside the class itself a static properties, but python +# was built by brainless organisms so here we are! +INVALID_ARROW = Arrow(Arrow.MIN_W, ArrowColor.Invalid) +INSIGNIFICANT_ARROW = Arrow(Arrow.MIN_W, ArrowColor.Invalid, isDashed = True) + +def applyRpsEnrichmentToMap(rpsEnrichmentRes :Dict[str, Union[Tuple[float, FoldChange], Tuple[float, FoldChange, float, float]]], metabMap :ET.ElementTree, maxNumericZScore :float) -> None: + """ + Applies RPS enrichment results to the provided metabolic map. + + Args: + rpsEnrichmentRes : RPS enrichment results. + metabMap : the metabolic map to edit. + maxNumericZScore : biggest finite z-score value found. + + Side effects: + metabMap : mut + + Returns: + None + """ + for reactionId, values in rpsEnrichmentRes.items(): + pValue = values[0] + foldChange = values[1] + z_score = values[2] + + if isinstance(foldChange, str): foldChange = float(foldChange) + if pValue >= ARGS.pValue: # pValue above tresh: dashed arrow + INSIGNIFICANT_ARROW.styleReactionElements(metabMap, reactionId) + continue + + if abs(foldChange) < (ARGS.fChange - 1) / (abs(ARGS.fChange) + 1): + INVALID_ARROW.styleReactionElements(metabMap, reactionId) + continue + + width = Arrow.MAX_W + if not math.isinf(foldChange): + try: width = max(abs(z_score * Arrow.MAX_W) / maxNumericZScore, Arrow.MIN_W) + except ZeroDivisionError: pass + + if not reactionId.endswith("_RV"): # RV stands for reversible reactions + Arrow(width, ArrowColor.fromFoldChangeSign(foldChange)).styleReactionElements(metabMap, reactionId) + continue + + reactionId = reactionId[:-3] # Remove "_RV" + + inversionScore = (values[3] < 0) + (values[4] < 0) # Compacts the signs of averages into 1 easy to check score + if inversionScore == 2: foldChange *= -1 + # ^^^ Style the inverse direction with the opposite sign netValue + + # If the score is 1 (opposite signs) we use alternative colors vvv + arrow = Arrow(width, ArrowColor.fromFoldChangeSign(foldChange, useAltColor = inversionScore == 1)) + + # vvv These 2 if statements can both be true and can both happen + if ARGS.net: # style arrow head(s): + arrow.styleReactionElements(metabMap, reactionId + ("_B" if inversionScore == 2 else "_F")) + + if not ARGS.using_RAS: # style arrow body + arrow.styleReactionElements(metabMap, reactionId, mindReactionDir = False) + +############################ split class ###################################### +def split_class(classes :pd.DataFrame, resolve_rules :Dict[str, List[float]]) -> Dict[str, List[List[float]]]: + """ + Generates a :dict that groups together data from a :DataFrame based on classes the data is related to. + + Args: + classes : a :DataFrame of only string values, containing class information (rows) and keys to query the resolve_rules :dict + resolve_rules : a :dict containing :float data + + Returns: + dict : the dict with data grouped by class + + Side effects: + classes : mut + """ + class_pat :Dict[str, List[List[float]]] = {} + for i in range(len(classes)): + classe :str = classes.iloc[i, 1] + if pd.isnull(classe): continue + + l :List[List[float]] = [] + for j in range(i, len(classes)): + if classes.iloc[j, 1] == classe: + pat_id :str = classes.iloc[j, 0] + tmp = resolve_rules.get(pat_id, None) + if tmp != None: + l.append(tmp) + classes.iloc[j, 1] = None + + if l: + class_pat[classe] = list(map(list, zip(*l))) + continue + + utils.logWarning( + f"Warning: no sample found in class \"{classe}\", the class has been disregarded", ARGS.out_log) + + return class_pat + +############################ conversion ############################################## +#conversion from svg to png +def svg_to_png_with_background(svg_path :utils.FilePath, png_path :utils.FilePath, dpi :int = 72, scale :int = 1, size :Optional[float] = None) -> None: + """ + Internal utility to convert an SVG to PNG (forced opaque) to aid in PDF conversion. + + Args: + svg_path : path to SVG file + png_path : path for new PNG file + dpi : dots per inch of the generated PNG + scale : scaling factor for the generated PNG, computed internally when a size is provided + size : final effective width of the generated PNG + + Returns: + None + """ + if size: + image = pyvips.Image.new_from_file(svg_path.show(), dpi=dpi, scale=1) + scale = size / image.width + image = image.resize(scale) + else: + image = pyvips.Image.new_from_file(svg_path.show(), dpi=dpi, scale=scale) + + white_background = pyvips.Image.black(image.width, image.height).new_from_image([255, 255, 255]) + white_background = white_background.affine([scale, 0, 0, scale]) + + if white_background.bands != image.bands: + white_background = white_background.extract_band(0) + + composite_image = white_background.composite2(image, 'over') + composite_image.write_to_file(png_path.show()) + +#funzione unica, lascio fuori i file e li passo in input +#conversion from png to pdf +def convert_png_to_pdf(png_file :utils.FilePath, pdf_file :utils.FilePath) -> None: + """ + Internal utility to convert a PNG to PDF to aid from SVG conversion. + + Args: + png_file : path to PNG file + pdf_file : path to new PDF file + + Returns: + None + """ + image = Image.open(png_file.show()) + image = image.convert("RGB") + image.save(pdf_file.show(), "PDF", resolution=100.0) + +#function called to reduce redundancy in the code +def convert_to_pdf(file_svg :utils.FilePath, file_png :utils.FilePath, file_pdf :utils.FilePath) -> None: + """ + Converts the SVG map at the provided path to PDF. + + Args: + file_svg : path to SVG file + file_png : path to PNG file + file_pdf : path to new PDF file + + Returns: + None + """ + svg_to_png_with_background(file_svg, file_png) + try: + convert_png_to_pdf(file_png, file_pdf) + print(f'PDF file {file_pdf.filePath} successfully generated.') + + except Exception as e: + raise utils.DataErr(file_pdf.show(), f'Error generating PDF file: {e}') + +############################ map ############################################## +def buildOutputPath(dataset1Name :str, dataset2Name = "rest", *, details = "", ext :utils.FileFormat) -> utils.FilePath: + """ + Builds a FilePath instance from the names of confronted datasets ready to point to a location in the + "result/" folder, used by this tool for output files in collections. + + Args: + dataset1Name : _description_ + dataset2Name : _description_. Defaults to "rest". + details : _description_ + ext : _description_ + + Returns: + utils.FilePath : _description_ + """ + # This function returns a util data structure but is extremely specific to this module. + # RAS also uses collections as output and as such might benefit from a method like this, but I'd wait + # TODO: until a third tool with multiple outputs appears before porting this to utils. + return utils.FilePath( + f"{dataset1Name}_vs_{dataset2Name}" + (f" ({details})" if details else ""), + # ^^^ yes this string is built every time even if the form is the same for the same 2 datasets in + # all output files: I don't care, this was never the performance bottleneck of the tool and + # there is no other net gain in saving and re-using the built string. + ext, + prefix = "result") + +FIELD_NOT_AVAILABLE = '/' +def writeToCsv(rows: List[list], fieldNames :List[str], outPath :utils.FilePath) -> None: + fieldsAmt = len(fieldNames) + with open(outPath.show(), "w", newline = "") as fd: + writer = csv.DictWriter(fd, fieldnames = fieldNames, delimiter = '\t') + writer.writeheader() + + for row in rows: + sizeMismatch = fieldsAmt - len(row) + if sizeMismatch > 0: row.extend([FIELD_NOT_AVAILABLE] * sizeMismatch) + writer.writerow({ field : data for field, data in zip(fieldNames, row) }) + +OldEnrichedScores = Dict[str, List[Union[float, FoldChange]]] #TODO: try to use Tuple whenever possible +def writeTabularResult(enrichedScores : OldEnrichedScores, ras_enrichment: bool, outPath :utils.FilePath) -> None: + fieldNames = ["ids", "P_Value", "fold change"] + if not ras_enrichment: fieldNames.extend(["average_1", "average_2"]) + + writeToCsv([ [reactId] + values for reactId, values in enrichedScores.items() ], fieldNames, outPath) + +def temp_thingsInCommon(tmp :Dict[str, List[Union[float, FoldChange]]], core_map :ET.ElementTree, max_z_score :float, dataset1Name :str, dataset2Name = "rest", ras_enrichment = True) -> None: + # this function compiles the things always in common between comparison modes after enrichment. + # TODO: organize, name better. + writeTabularResult(tmp, ras_enrichment, buildOutputPath(dataset1Name, dataset2Name, details = "Tabular Result", ext = utils.FileFormat.TSV)) + + if ras_enrichment: + fix_map(tmp, core_map, ARGS.pValue, ARGS.fChange, max_z_score) + return + + for reactId, enrichData in tmp.items(): tmp[reactId] = tuple(enrichData) + applyRpsEnrichmentToMap(tmp, core_map, max_z_score) + +def computePValue(dataset1Data: List[float], dataset2Data: List[float]) -> Tuple[float, float]: + """ + Computes the statistical significance score (P-value) of the comparison between coherent data + from two datasets. The data is supposed to, in both datasets: + - be related to the same reaction ID; + - be ordered by sample, such that the item at position i in both lists is related to the + same sample or cell line. + + Args: + dataset1Data : data from the 1st dataset. + dataset2Data : data from the 2nd dataset. + + Returns: + tuple: (P-value, Z-score) + - P-value from a Kolmogorov-Smirnov test on the provided data. + - Z-score of the difference between means of the two datasets. + """ + # Perform Kolmogorov-Smirnov test + ks_statistic, p_value = st.ks_2samp(dataset1Data, dataset2Data) + + # Calculate means and standard deviations + mean1 = np.mean(dataset1Data) + mean2 = np.mean(dataset2Data) + std1 = np.std(dataset1Data, ddof=1) + std2 = np.std(dataset2Data, ddof=1) + + n1 = len(dataset1Data) + n2 = len(dataset2Data) + + # Calculate Z-score + z_score = (mean1 - mean2) / np.sqrt((std1**2 / n1) + (std2**2 / n2)) + + return p_value, z_score + +def compareDatasetPair(dataset1Data :List[List[float]], dataset2Data :List[List[float]], ids :List[str]) -> Tuple[Dict[str, List[Union[float, FoldChange]]], float]: + #TODO: the following code still suffers from "dumbvarnames-osis" + tmp :Dict[str, List[Union[float, FoldChange]]] = {} + count = 0 + max_z_score = 0 + + for l1, l2 in zip(dataset1Data, dataset2Data): + reactId = ids[count] + count += 1 + if not reactId: continue # we skip ids that have already been processed + + try: #TODO: identify the source of these errors and minimize code in the try block + reactDir = ReactionDirection.fromReactionId(reactId) + # Net score is computed only for reversible reactions when user wants it on arrow tips or when RAS datasets aren't used + if (ARGS.net or not ARGS.using_RAS) and reactDir is not ReactionDirection.Unknown: + try: position = ids.index(reactId[:-1] + ('B' if reactDir is ReactionDirection.Direct else 'F')) + except ValueError: continue # we look for the complementary id, if not found we skip + + nets1 = np.subtract(l1, dataset1Data[position]) + nets2 = np.subtract(l2, dataset2Data[position]) + + p_value, z_score = computePValue(nets1, nets2) + avg1 = sum(nets1) / len(nets1) + avg2 = sum(nets2) / len(nets2) + net = fold_change(avg1, avg2) + + if math.isnan(net): continue + tmp[reactId[:-1] + "RV"] = [p_value, net, z_score, avg1, avg2] + + # vvv complementary directional ids are set to None once processed if net is to be applied to tips + if ARGS.net: + ids[position] = None + continue + + # fallthrough is intended, regular scores need to be computed when tips aren't net but RAS datasets aren't used + p_value, z_score = computePValue(l1, l2) + avg = fold_change(sum(l1) / len(l1), sum(l2) / len(l2)) + if not isinstance(z_score, str) and max_z_score < abs(z_score): max_z_score = abs(z_score) + tmp[reactId] = [float(p_value), avg, z_score] + + except (TypeError, ZeroDivisionError): continue + + return tmp, max_z_score + +def computeEnrichment(metabMap :ET.ElementTree, class_pat :Dict[str, List[List[float]]], ids :List[str], *, fromRAS = True) -> None: + """ + Compares clustered data based on a given comparison mode and applies enrichment-based styling on the + provided metabolic map. + + Args: + metabMap : SVG map to modify. + class_pat : the clustered data. + ids : ids for data association. + fromRAS : whether the data to enrich consists of RAS scores. + + Returns: + None + + Raises: + sys.exit : if there are less than 2 classes for comparison + + Side effects: + metabMap : mut + ids : mut + """ + class_pat = { k.strip() : v for k, v in class_pat.items() } + #TODO: simplfy this stuff vvv and stop using sys.exit (raise the correct utils error) + if (not class_pat) or (len(class_pat.keys()) < 2): sys.exit('Execution aborted: classes provided for comparisons are less than two\n') + + if ARGS.comparison == "manyvsmany": + for i, j in it.combinations(class_pat.keys(), 2): + #TODO: these 2 functions are always called in pair and in this order and need common data, + # some clever refactoring would be appreciated. + comparisonDict, max_z_score = compareDatasetPair(class_pat.get(i), class_pat.get(j), ids) + temp_thingsInCommon(comparisonDict, metabMap, max_z_score, i, j, fromRAS) + + elif ARGS.comparison == "onevsrest": + for single_cluster in class_pat.keys(): + t :List[List[List[float]]] = [] + for k in class_pat.keys(): + if k != single_cluster: + t.append(class_pat.get(k)) + + rest :List[List[float]] = [] + for i in t: + rest = rest + i + + comparisonDict, max_z_score = compareDatasetPair(class_pat.get(single_cluster), rest, ids) + temp_thingsInCommon(comparisonDict, metabMap, max_z_score, single_cluster, fromRAS) + + elif ARGS.comparison == "onevsmany": + controlItems = class_pat.get(ARGS.control) + for otherDataset in class_pat.keys(): + if otherDataset == ARGS.control: continue + + comparisonDict, max_z_score = compareDatasetPair(controlItems, class_pat.get(otherDataset), ids) + temp_thingsInCommon(comparisonDict, metabMap, max_z_score, ARGS.control, otherDataset, fromRAS) + +def createOutputMaps(dataset1Name :str, dataset2Name :str, core_map :ET.ElementTree) -> None: + svgFilePath = buildOutputPath(dataset1Name, dataset2Name, details = "SVG Map", ext = utils.FileFormat.SVG) + utils.writeSvg(svgFilePath, core_map) + + if ARGS.generate_pdf: + pngPath = buildOutputPath(dataset1Name, dataset2Name, details = "PNG Map", ext = utils.FileFormat.PNG) + pdfPath = buildOutputPath(dataset1Name, dataset2Name, details = "PDF Map", ext = utils.FileFormat.PDF) + convert_to_pdf(svgFilePath, pngPath, pdfPath) + + if not ARGS.generate_svg: os.remove(svgFilePath.show()) + +ClassPat = Dict[str, List[List[float]]] +def getClassesAndIdsFromDatasets(datasetsPaths :List[str], datasetPath :str, classPath :str, names :List[str]) -> Tuple[List[str], ClassPat]: + # TODO: I suggest creating dicts with ids as keys instead of keeping class_pat and ids separate, + # for the sake of everyone's sanity. + class_pat :ClassPat = {} + if ARGS.option == 'datasets': + num = 1 #TODO: the dataset naming function could be a generator + for path, name in zip(datasetsPaths, names): + name = name_dataset(name, num) + resolve_rules_float, ids = getDatasetValues(path, name) + if resolve_rules_float != None: + class_pat[name] = list(map(list, zip(*resolve_rules_float.values()))) + + num += 1 + + elif ARGS.option == "dataset_class": + classes = read_dataset(classPath, "class") + classes = classes.astype(str) + + resolve_rules_float, ids = getDatasetValues(datasetPath, "Dataset Class (not actual name)") + if resolve_rules_float != None: class_pat = split_class(classes, resolve_rules_float) + + return ids, class_pat + #^^^ TODO: this could be a match statement over an enum, make it happen future marea dev with python 3.12! (it's why I kept the ifs) + +#TODO: create these damn args as FilePath objects +def getDatasetValues(datasetPath :str, datasetName :str) -> Tuple[ClassPat, List[str]]: + """ + Opens the dataset at the given path and extracts the values (expected nullable numerics) and the IDs. + + Args: + datasetPath : path to the dataset + datasetName (str): dataset name, used in error reporting + + Returns: + Tuple[ClassPat, List[str]]: values and IDs extracted from the dataset + """ + dataset = read_dataset(datasetPath, datasetName) + IDs = pd.Series.tolist(dataset.iloc[:, 0].astype(str)) + + dataset = dataset.drop(dataset.columns[0], axis = "columns").to_dict("list") + return { id : list(map(utils.Float("Dataset values, not an argument"), values)) for id, values in dataset.items() }, IDs + +############################ MAIN ############################################# +def main() -> None: + """ + Initializes everything and sets the program in motion based on the fronted input arguments. + + Returns: + None + + Raises: + sys.exit : if a user-provided custom map is in the wrong format (ET.XMLSyntaxError, ET.XMLSchemaParseError) + """ + + global ARGS + ARGS = process_args() + + if os.path.isdir('result') == False: os.makedirs('result') + + core_map :ET.ElementTree = ARGS.choice_map.getMap( + ARGS.tool_dir, + utils.FilePath.fromStrPath(ARGS.custom_map) if ARGS.custom_map else None) + # TODO: ^^^ ugly but fine for now, the argument is None if the model isn't custom because no file was given. + # getMap will None-check the customPath and panic when the model IS custom but there's no file (good). A cleaner + # solution can be derived from my comment in FilePath.fromStrPath + + if ARGS.using_RAS: + ids, class_pat = getClassesAndIdsFromDatasets(ARGS.input_datas, ARGS.input_data, ARGS.input_class, ARGS.names) + computeEnrichment(core_map, class_pat, ids) + + if ARGS.using_RPS: + ids, class_pat = getClassesAndIdsFromDatasets(ARGS.input_datas_rps, ARGS.input_data_rps, ARGS.input_class_rps, ARGS.names_rps) + computeEnrichment(core_map, class_pat, ids, fromRAS = False) + + # create output files: TODO: this is the same comparison happening in "maps", find a better way to organize this + if ARGS.comparison == "manyvsmany": + for i, j in it.combinations(class_pat.keys(), 2): createOutputMaps(i, j, core_map) + return + + if ARGS.comparison == "onevsrest": + for single_cluster in class_pat.keys(): createOutputMaps(single_cluster, "rest", core_map) + return + + for otherDataset in class_pat.keys(): + if otherDataset != ARGS.control: createOutputMaps(i, j, core_map) + + if not ERRORS: return + utils.logWarning( + f"The following reaction IDs were mentioned in the dataset but weren't found in the map: {ERRORS}", + ARGS.out_log) + + print('Execution succeded') + +############################################################################### +if __name__ == "__main__": + main() \ No newline at end of file
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/marea.xml Sun Oct 13 11:38:28 2024 +0000 @@ -0,0 +1,325 @@ +<tool id="MaREA" name="Metabolic Reaction Enrichment Analysis" version="2.0.0"> + <macros> + <import>marea_macros.xml</import> + </macros> + + <requirements> + <requirement type="package" version="1.24.4">numpy</requirement> + <requirement type="package" version="2.0.3">pandas</requirement> + <requirement type="package" version="5.2.2">lxml</requirement> + <requirement type="package" version="1.10.1">scipy</requirement> + <requirement type="package" version="1.5.1">svglib</requirement> + <requirement type="package" version="2.2.3">pyvips</requirement> + <requirement type="package" version="2.7.1">cairosvg</requirement> + <requirement type="package" version="0.29.0">cobra</requirement> + </requirements> + + <command detect_errors="exit_code"> + <![CDATA[ + python $__tool_directory__/marea.py + + --tool_dir $__tool_directory__ + --option $cond.type_selector + --out_log $log + + #if $cond.type_selector == 'datasets': + + --using_RAS $cond.using_ras.check + --using_RPS $cond.using_rps.check + + #if $cond.using_ras.check == 'true': + --input_datas + #for $data in $cond.using_ras.input_datasets: + ${data.input} + #end for + + --names + #for $data in $cond.using_ras.input_datasets: + ${data.input_name} + #end for + #end if + + #if $cond.using_rps.check == 'true': + --input_datas_rps + #for $data in $cond.using_rps.input_datasets_rps: + ${data.input_rps} + #end for + + --names_rps + #for $data in $cond.using_rps.input_datasets_rps: + ${data.input_name_rps} + #end for + #end if + + #elif $cond.type_selector == 'dataset_class': + + --using_RAS $cond.using_ras_all.check + --using_RPS $cond.using_rps_all.check + + #if $cond.using_ras_all.check == 'true': + --input_data ${cond.using_ras_all.input_data} + --input_class ${cond.using_ras_all.input_class} + #end if + + #if $cond.using_rps_all.check == 'true': + --input_data_rps ${cond.using_rps_all.input_data_rps} + --input_class_rps ${cond.using_rps_all.input_class_rps} + #end if + #end if + + --comparison ${comparis.comparison} + #if $comparis.comparison == 'onevsmany' + --control '${cond.comparis.controlgroup}' + #end if + + --choice_map '${cond_choice_map.choice_map}' + #if $cond_choice_map.choice_map == 'Custom': + --custom_map ${cond_choice_map.custom_map} + #end if + + #if $advanced.choice == 'true': + --pValue ${advanced.pValue} + --fChange ${advanced.fChange} + --generate_svg ${advanced.generateSvg} + --generate_pdf ${advanced.generatePdf} + --net ${advanced.netRPS} + #else + --pValue 0.05 + --fChange 1.2 + --generate_svg false + --generate_pdf true + --net false + #end if + ]]> + </command> + + <inputs> + <conditional name="cond"> + <param name="type_selector" argument="--option" type="select" label="Input format:"> + <option value="datasets" selected="true">RAS of group 1 + RAS of group 2 + ... + RAS of group N</option> + <option value="dataset_class">RAS of all samples + sample group specification</option> + </param> + + <when value="datasets"> + <conditional name = "using_ras"> + <param name = "check" argument = "--using_ras" type = "boolean" checked = "true" label = "Using RAS datasets." /> + + <when value = "true"> + <repeat name="input_datasets" title="RAS dataset" min="2"> + <param name="input" argument="--input_datas" type="data" format="tabular, csv, tsv" label="add dataset" /> + <param name="input_name" argument="--names" type="text" label="Dataset's name:" value="Dataset" help="Default: Dataset" /> + </repeat> + </when> + </conditional> + + <conditional name = "using_rps"> + <param name = "check" argument = "--using_rps" type = "boolean" checked = "false" label = "Using RPS datasets." /> + + <when value = "true"> + <repeat name="input_datasets_rps" title="RPS dataset" min="2"> + <param name="input_rps" argument="--input_datas_rps" type="data" format="tabular, csv, tsv" label="add dataset" /> + <param name="input_name_rps" argument="--names_rps" type="text" label="Dataset's name:" value="Dataset" help="Default: Dataset" /> + </repeat> + </when> + </conditional> + </when> + + <when value="dataset_class"> + <conditional name = "using_ras_all"> + <param name = "check" argument = "--using_ras_all" type = "boolean" checked = "true" label = "Using RAS datasets." /> + + <when value = "true"> + <param name="input_data" argument="--input_data" type="data" format="tabular, csv, tsv" label="RAS of all samples" /> + <param name="input_class" argument="--input_class" type="data" format="tabular, csv, tsv" label="Sample group specification" /> + </when> + </conditional> + + <conditional name = "using_rps_all"> + <param name = "check" argument = "--using_rps_all" type = "boolean" checked = "false" label = "Using RPS datasets." /> + + <when value = "true"> + <param name="input_data_rps" argument="--input_data_rps" type="data" format="tabular, csv, tsv" label="RPS of all samples" /> + <param name="input_class_rps" argument="--input_class_rps" type="data" format="tabular, csv, tsv" label="Sample group specification" /> + </when> + </conditional> + </when> + </conditional> + + <conditional name="comparis"> + <param name="comparison" argument="--comparison" type="select" label="Groups comparison:"> + <option value="manyvsmany" selected="true">One vs One</option> + <option value="onevsrest">One vs All</option> + <option value="onevsmany">One vs Control</option> + </param> + <when value="onevsmany"> + <param name="controlgroup" argument="--controlgroup" type="text" label="Control group label:" value="0" help="Name of group label to be compared to others"/> + </when> + </conditional> + + <conditional name="cond_choice_map"> + <param name="choice_map" argument="--choice_map" type="select" label="Choose metabolic map:"> + <option value="HMRcore" selected="true">HMRcore</option> + <option value="ENGRO2">ENGRO2</option> + <option value="Custom">Custom</option> + </param> + + <when value="Custom"> + <param name="custom_map" argument="--custom_map" type="data" format="xml, svg" label="custom-map.svg"/> + </when> + </conditional> + + <conditional name="advanced"> + <param name="choice" type="boolean" checked="false" label="Use advanced options?" help="Use this options to choose custom parameters for evaluation: pValue, Fold-Change threshold, how to solve (A and NaN) and specify output maps."> + <option value="true" selected="true">No</option> + <option value="false">Yes</option> + </param> + + <when value="true"> + <param name="pValue" argument="--pValue" type="float" size="20" value="0.05" max="1" min="0" label="P-value threshold:" help="min value 0" /> + <param name="fChange" argument="--fChange" type="float" size="20" value="1.2" min="1" label="Fold-Change threshold:" help="min value 1" /> + <param name="generateSvg" argument="--generateSvg" type="boolean" checked="false" label="Generate SVG map" help="should the program generate an editable svg map of the processes?" /> + <param name="generatePdf" argument="--generatePdf" type="boolean" checked="true" label="Generate PDF map" help="should the program return a non editable (but displayble) pdf map of the processes?" /> + + <param name="netRPS" argument="--net" type="boolean" checked="false" label="Should RPS enrichment use net values?" help="If checked and RPS datasets are present the arrow tips of a reversible arrow will be colored with the net contribution of both directions' RPS values" /> + </when> + </conditional> + </inputs> + + <outputs> + <data format="txt" name="log" label="MaREA - Log" /> + <collection name="results" type="list" label="MaREA - Results"> + <discover_datasets pattern="__name_and_ext__" directory="result"/> + </collection> + </outputs> + + <help> + <![CDATA[ + +What it does +------------- + +This tool analyzes and visualizes differences in the Reaction Activity Scores (RASs) of groups of samples, as computed by the Expression2RAS tool, of groups of samples. + +Accepted files are: + - option 1) two or more RAS datasets, each referring to samples in a given group. The user can specify a label for each group (as e.g. "classA" and "classB"); + - option 2) one RAS dataset and one group-file specifying the group each sample belongs to. + +RAS datasets format: tab-separated text files, reporting the RAS value of each reaction (row) for a given sample (column). + +Column header: sample ID. +Row header: reaction ID. + +Optional files: + - custom svg map. Graphical elements must have the same IDs of reactions. See HmrCore svg map for an example. + +The tool generates: + - 1) a tab-separated file: reporting fold-change and p-values of reaction activity scores (RASs) between a pair of conditions/classes; + - 2) a metabolic map file (downloadable as .svg): visualizing up- and down-regulated reactions between a pair of conditions/classes; + - 3) a log file (.txt). + +Output options: +To calculate P-Values and Fold-Changes and to enrich maps, comparisons are performed for each possible pair of groups (default option ‘One vs One’). + +Alternative options are: + - comparison of each group vs. the rest of samples (option ‘One vs Rest’) + - comparison of each group vs. a control group (option ‘One vs Control). If this option is selected the user must indicate the control group label. + +Output files will be named as classA_vs_classB. Reactions will conventionally be reported as up-regulated (down-regulated) if they are significantly more (less) active in class having label "classA". + +Example input +------------- + +"RAS of group 1 + RAS of group 2 + ... + RAS of group N" option: + +RAS Dataset 1: + ++------------+----------------+----------------+----------------+ +| Reaction ID| TCGAA62670 | TCGAA62671 | TCGAA62672 | ++============+================+================+================+ +| r1642 | 0.523167 | 0.371355 | 0.925661 | ++------------+----------------+----------------+----------------+ +| r1643 | 0.568765 | 0.765567 | 0.456789 | ++------------+----------------+----------------+----------------+ +| r1640 | 0.876545 | 0.768933 | 0.987654 | ++------------+----------------+----------------+----------------+ +| r1641 | 0.456788 | 0.876543 | 0.876542 | ++------------+----------------+----------------+----------------+ +| r1646 | 0.876543 | 0.786543 | 0.897654 | ++------------+----------------+----------------+----------------+ + +RAS Dataset 2: + ++------------+----------------+----------------+----------------+ +| Reaction ID| TCGAA62670 | TCGAA62671 | TCGAA62672 | ++============+================+================+================+ +| r1642 | 0.523167 | 0.371355 | 0.925661 | ++------------+----------------+----------------+----------------+ +| r1643 | 0.568765 | 0.765567 | 0.456789 | ++------------+----------------+----------------+----------------+ +| r1640 | 0.876545 | 0.768933 | 0.987654 | ++------------+----------------+----------------+----------------+ +| r1641 | 0.456788 | 0.876543 | 0.876542 | ++------------+----------------+----------------+----------------+ +| r1646 | 0.876543 | 0.786543 | 0.897654 | ++------------+----------------+----------------+----------------+ + +"RAS of all samples + sample group specification" option: + +RAS Dataset: + ++------------+----------------+----------------+----------------+ +| Reaction ID| TCGAA62670 | TCGAA62671 | TCGAA62672 | ++============+================+================+================+ +| r1642 | 0.523167 | 0.371355 | 0.925661 | ++------------+----------------+----------------+----------------+ +| r1643 | 0.568765 | 0.765567 | 0.456789 | ++------------+----------------+----------------+----------------+ +| r1640 | 0.876545 | 0.768933 | 0.987654 | ++------------+----------------+----------------+----------------+ +| r1641 | 0.456788 | 0.876543 | 0.876542 | ++------------+----------------+----------------+----------------+ +| r1646 | 0.876543 | 0.786543 | 0.897654 | ++------------+----------------+----------------+----------------+ + +Group-file + ++---------------+-----------+ +| Patient ID | Class | ++===============+===========+ +| TCGAAA3529 | MSI | ++---------------+-----------+ +| TCGAA62671 | MSS | ++---------------+-----------+ +| TCGAA62672 | MSI | ++---------------+-----------+ + +Advanced options +---------------- + +P-Value threshold: the threshold used for significance Kolmogorov-Smirnov (KS) test, to verify whether the distributions of RASs over the samples in two sets are significantly different + +Fold-Change threshold: threshold of the fold-change between the average RAS of two groups. Among the reactions that pass the KS test, only fold-change values larger than the indicated threshold will be visualized on the output metabolic map; + + +.. class:: infomark + +**TIP**: If your data is not TAB delimited, use `Convert delimiters to TAB`_. + +.. class:: infomark + +**TIP**: If your dataset is not split into classes, use MaREA cluster analysis. + +.. class:: infomark + +**TIP**: This tool using the RAS scores computed by Ras generator tool. + +@REFERENCE@ + +.. _Ras tool: http://bimib.disco.unimib.it:5555/?tool_id=toolshed.g2.bx.psu.edu%2Frepos%2Fbimib%2Fmarea%2FMaREA+RAS+Generator%2F1.0.6&version=1.0.6&__identifer=auulv6gbp76 +.. _Convert delimiters to TAB: http://bimib.disco.unimib.it:5555/?tool_id=Convert+characters1&version=1.0.0&__identifer=76g7trea4j6 +.. _MaREA cluster analysis: http://bimib.disco.unimib.it:5555/?tool_id=toolshed.g2.bx.psu.edu%2Frepos%2Fbimib%2Fmarea%2FMaREA_cluester%2F1.1.2&version=1.1.2&__identifer=lxbyzn2me9 + +]]> + </help> + <expand macro="citations" /> +</tool> \ No newline at end of file
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/marea_cluster.py Sun Oct 13 11:38:28 2024 +0000 @@ -0,0 +1,534 @@ +# -*- coding: utf-8 -*- +""" +Created on Mon Jun 3 19:51:00 2019 +@author: Narger +""" + +import sys +import argparse +import os +import numpy as np +import pandas as pd +from sklearn.datasets import make_blobs +from sklearn.cluster import KMeans, DBSCAN, AgglomerativeClustering +from sklearn.metrics import silhouette_samples, silhouette_score, cluster +import matplotlib +matplotlib.use('agg') +import matplotlib.pyplot as plt +import scipy.cluster.hierarchy as shc +import matplotlib.cm as cm +from typing import Optional, Dict, List + +################################# process args ############################### +def process_args(args :List[str]) -> argparse.Namespace: + """ + Processes command-line arguments. + + Args: + args (list): List of command-line arguments. + + Returns: + Namespace: An object containing parsed arguments. + """ + parser = argparse.ArgumentParser(usage = '%(prog)s [options]', + description = 'process some value\'s' + + ' genes to create class.') + + parser.add_argument('-ol', '--out_log', + help = "Output log") + + parser.add_argument('-in', '--input', + type = str, + help = 'input dataset') + + parser.add_argument('-cy', '--cluster_type', + type = str, + choices = ['kmeans', 'dbscan', 'hierarchy'], + default = 'kmeans', + help = 'choose clustering algorythm') + + parser.add_argument('-k1', '--k_min', + type = int, + default = 2, + help = 'choose minimun cluster number to be generated') + + parser.add_argument('-k2', '--k_max', + type = int, + default = 7, + help = 'choose maximum cluster number to be generated') + + parser.add_argument('-el', '--elbow', + type = str, + default = 'false', + choices = ['true', 'false'], + help = 'choose if you want to generate an elbow plot for kmeans') + + parser.add_argument('-si', '--silhouette', + type = str, + default = 'false', + choices = ['true', 'false'], + help = 'choose if you want silhouette plots') + + parser.add_argument('-td', '--tool_dir', + type = str, + required = True, + help = 'your tool directory') + + parser.add_argument('-ms', '--min_samples', + type = float, + help = 'min samples for dbscan (optional)') + + parser.add_argument('-ep', '--eps', + type = float, + help = 'eps for dbscan (optional)') + + parser.add_argument('-bc', '--best_cluster', + type = str, + help = 'output of best cluster tsv') + + + + args = parser.parse_args() + return args + +########################### warning ########################################### +def warning(s :str) -> None: + """ + Log a warning message to an output log file and print it to the console. + + Args: + s (str): The warning message to be logged and printed. + + Returns: + None + """ + args = process_args(sys.argv) + with open(args.out_log, 'a') as log: + log.write(s + "\n\n") + print(s) + +########################## read dataset ###################################### +def read_dataset(dataset :str) -> pd.DataFrame: + """ + Read dataset from a CSV file and return it as a Pandas DataFrame. + + Args: + dataset (str): the path to the dataset to convert into a DataFrame + + Returns: + pandas.DataFrame: The dataset loaded as a Pandas DataFrame. + + Raises: + pandas.errors.EmptyDataError: If the dataset file is empty. + sys.exit: If the dataset file has the wrong format (e.g., fewer than 2 columns) + """ + try: + dataset = pd.read_csv(dataset, sep = '\t', header = 0) + except pd.errors.EmptyDataError: + sys.exit('Execution aborted: wrong format of dataset\n') + if len(dataset.columns) < 2: + sys.exit('Execution aborted: wrong format of dataset\n') + return dataset + +############################ rewrite_input ################################### +def rewrite_input(dataset :pd.DataFrame) -> Dict[str, List[Optional[float]]]: + """ + Rewrite the dataset as a dictionary of lists instead of as a dictionary of dictionaries. + + Args: + dataset (pandas.DataFrame): The dataset to be rewritten. + + Returns: + dict: The rewritten dataset as a dictionary of lists. + """ + #Riscrivo il dataset come dizionario di liste, + #non come dizionario di dizionari + + dataset.pop('Reactions', None) + + for key, val in dataset.items(): + l = [] + for i in val: + if i == 'None': + l.append(None) + else: + l.append(float(i)) + + dataset[key] = l + + return dataset + +############################## write to csv ################################## +def write_to_csv (dataset :pd.DataFrame, labels :List[str], name :str) -> None: + """ + Write dataset and predicted labels to a CSV file. + + Args: + dataset (pandas.DataFrame): The dataset to be written. + labels (list): The predicted labels for each data point. + name (str): The name of the output CSV file. + + Returns: + None + """ + #labels = predict + predict = [x+1 for x in labels] + + classe = (pd.DataFrame(list(zip(dataset.index, predict)))).astype(str) + + dest = name + classe.to_csv(dest, sep = '\t', index = False, + header = ['Patient_ID', 'Class']) + +########################### trova il massimo in lista ######################## +def max_index (lista :List[int]) -> int: + """ + Find the index of the maximum value in a list. + + Args: + lista (list): The list in which we search for the index of the maximum value. + + Returns: + int: The index of the maximum value in the list. + """ + best = -1 + best_index = 0 + for i in range(len(lista)): + if lista[i] > best: + best = lista [i] + best_index = i + + return best_index + +################################ kmeans ##################################### +def kmeans (k_min: int, k_max: int, dataset: pd.DataFrame, elbow: str, silhouette: str, best_cluster: str) -> None: + """ + Perform k-means clustering on the given dataset, which is an algorithm used to partition a dataset into groups (clusters) based on their characteristics. + The goal is to divide the data into homogeneous groups, where the elements within each group are similar to each other and different from the elements in other groups. + + Args: + k_min (int): The minimum number of clusters to consider. + k_max (int): The maximum number of clusters to consider. + dataset (pandas.DataFrame): The dataset to perform clustering on. + elbow (str): Whether to generate an elbow plot for kmeans ('true' or 'false'). + silhouette (str): Whether to generate silhouette plots ('true' or 'false'). + best_cluster (str): The file path to save the output of the best cluster. + + Returns: + None + """ + if not os.path.exists('clustering'): + os.makedirs('clustering') + + + if elbow == 'true': + elbow = True + else: + elbow = False + + if silhouette == 'true': + silhouette = True + else: + silhouette = False + + range_n_clusters = [i for i in range(k_min, k_max+1)] + distortions = [] + scores = [] + all_labels = [] + + clusterer = KMeans(n_clusters=1, random_state=10) + distortions.append(clusterer.fit(dataset).inertia_) + + + for n_clusters in range_n_clusters: + clusterer = KMeans(n_clusters=n_clusters, random_state=10) + cluster_labels = clusterer.fit_predict(dataset) + + all_labels.append(cluster_labels) + if n_clusters == 1: + silhouette_avg = 0 + else: + silhouette_avg = silhouette_score(dataset, cluster_labels) + scores.append(silhouette_avg) + distortions.append(clusterer.fit(dataset).inertia_) + + best = max_index(scores) + k_min + + for i in range(len(all_labels)): + prefix = '' + if (i + k_min == best): + prefix = '_BEST' + + write_to_csv(dataset, all_labels[i], 'clustering/kmeans_with_' + str(i + k_min) + prefix + '_clusters.tsv') + + + if (prefix == '_BEST'): + labels = all_labels[i] + predict = [x+1 for x in labels] + classe = (pd.DataFrame(list(zip(dataset.index, predict)))).astype(str) + classe.to_csv(best_cluster, sep = '\t', index = False, header = ['Patient_ID', 'Class']) + + + + + if silhouette: + silhouette_draw(dataset, all_labels[i], i + k_min, 'clustering/silhouette_with_' + str(i + k_min) + prefix + '_clusters.png') + + + if elbow: + elbow_plot(distortions, k_min,k_max) + + + + + +############################## elbow_plot #################################### +def elbow_plot (distortions: List[float], k_min: int, k_max: int) -> None: + """ + Generate an elbow plot to visualize the distortion for different numbers of clusters. + The elbow plot is a graphical tool used in clustering analysis to help identifying the appropriate number of clusters by looking for the point where the rate of decrease + in distortion sharply decreases, indicating the optimal balance between model complexity and clustering quality. + + Args: + distortions (list): List of distortion values for different numbers of clusters. + k_min (int): The minimum number of clusters considered. + k_max (int): The maximum number of clusters considered. + + Returns: + None + """ + plt.figure(0) + x = list(range(k_min, k_max + 1)) + x.insert(0, 1) + plt.plot(x, distortions, marker = 'o') + plt.xlabel('Number of clusters (k)') + plt.ylabel('Distortion') + s = 'clustering/elbow_plot.png' + fig = plt.gcf() + fig.set_size_inches(18.5, 10.5, forward = True) + fig.savefig(s, dpi=100) + + +############################## silhouette plot ############################### +def silhouette_draw(dataset: pd.DataFrame, labels: List[str], n_clusters: int, path:str) -> None: + """ + Generate a silhouette plot for the clustering results. + The silhouette coefficient is a measure used to evaluate the quality of clusters obtained from a clustering algorithmand it quantifies how similar an object is to its own cluster compared to other clusters. + The silhouette coefficient ranges from -1 to 1, where: + - A value close to +1 indicates that the object is well matched to its own cluster and poorly matched to neighboring clusters. This implies that the object is in a dense, well-separated cluster. + - A value close to 0 indicates that the object is close to the decision boundary between two neighboring clusters. + - A value close to -1 indicates that the object may have been assigned to the wrong cluster. + + Args: + dataset (pandas.DataFrame): The dataset used for clustering. + labels (list): The cluster labels assigned to each data point. + n_clusters (int): The number of clusters. + path (str): The path to save the silhouette plot image. + + Returns: + None + """ + if n_clusters == 1: + return None + + silhouette_avg = silhouette_score(dataset, labels) + warning("For n_clusters = " + str(n_clusters) + + " The average silhouette_score is: " + str(silhouette_avg)) + + plt.close('all') + # Create a subplot with 1 row and 2 columns + fig, (ax1) = plt.subplots(1, 1) + + fig.set_size_inches(18, 7) + + # The 1st subplot is the silhouette plot + # The silhouette coefficient can range from -1, 1 but in this example all + # lie within [-0.1, 1] + ax1.set_xlim([-1, 1]) + # The (n_clusters+1)*10 is for inserting blank space between silhouette + # plots of individual clusters, to demarcate them clearly. + ax1.set_ylim([0, len(dataset) + (n_clusters + 1) * 10]) + + # Compute the silhouette scores for each sample + sample_silhouette_values = silhouette_samples(dataset, labels) + + y_lower = 10 + for i in range(n_clusters): + # Aggregate the silhouette scores for samples belonging to + # cluster i, and sort them + ith_cluster_silhouette_values = \ + sample_silhouette_values[labels == i] + + ith_cluster_silhouette_values.sort() + + size_cluster_i = ith_cluster_silhouette_values.shape[0] + y_upper = y_lower + size_cluster_i + + color = cm.nipy_spectral(float(i) / n_clusters) + ax1.fill_betweenx(np.arange(y_lower, y_upper), + 0, ith_cluster_silhouette_values, + facecolor=color, edgecolor=color, alpha=0.7) + + # Label the silhouette plots with their cluster numbers at the middle + ax1.text(-0.05, y_lower + 0.5 * size_cluster_i, str(i)) + + # Compute the new y_lower for next plot + y_lower = y_upper + 10 # 10 for the 0 samples + + ax1.set_title("The silhouette plot for the various clusters.") + ax1.set_xlabel("The silhouette coefficient values") + ax1.set_ylabel("Cluster label") + + # The vertical line for average silhouette score of all the values + ax1.axvline(x=silhouette_avg, color="red", linestyle="--") + + ax1.set_yticks([]) # Clear the yaxis labels / ticks + ax1.set_xticks([-0.1, 0, 0.2, 0.4, 0.6, 0.8, 1]) + + + plt.suptitle(("Silhouette analysis for clustering on sample data " + "with n_clusters = " + str(n_clusters) + "\nAverage silhouette_score = " + str(silhouette_avg)), fontsize=12, fontweight='bold') + + + plt.savefig(path, bbox_inches='tight') + +######################## dbscan ############################################## +def dbscan(dataset: pd.DataFrame, eps: float, min_samples: float, best_cluster: str) -> None: + """ + Perform DBSCAN clustering on the given dataset, which is a clustering algorithm that groups together closely packed points based on the notion of density. + + Args: + dataset (pandas.DataFrame): The dataset to be clustered. + eps (float): The maximum distance between two samples for one to be considered as in the neighborhood of the other. + min_samples (float): The number of samples in a neighborhood for a point to be considered as a core point. + best_cluster (str): The file path to save the output of the best cluster. + + Returns: + None + """ + if not os.path.exists('clustering'): + os.makedirs('clustering') + + if eps is not None: + clusterer = DBSCAN(eps = eps, min_samples = min_samples) + else: + clusterer = DBSCAN() + + clustering = clusterer.fit(dataset) + + core_samples_mask = np.zeros_like(clustering.labels_, dtype=bool) + core_samples_mask[clustering.core_sample_indices_] = True + labels = clustering.labels_ + + # Number of clusters in labels, ignoring noise if present. + n_clusters_ = len(set(labels)) - (1 if -1 in labels else 0) + + + labels = labels + predict = [x+1 for x in labels] + classe = (pd.DataFrame(list(zip(dataset.index, predict)))).astype(str) + classe.to_csv(best_cluster, sep = '\t', index = False, header = ['Patient_ID', 'Class']) + + +########################## hierachical ####################################### +def hierachical_agglomerative(dataset: pd.DataFrame, k_min: int, k_max: int, best_cluster: str, silhouette: str) -> None: + """ + Perform hierarchical agglomerative clustering on the given dataset. + + Args: + dataset (pandas.DataFrame): The dataset to be clustered. + k_min (int): The minimum number of clusters to consider. + k_max (int): The maximum number of clusters to consider. + best_cluster (str): The file path to save the output of the best cluster. + silhouette (str): Whether to generate silhouette plots ('true' or 'false'). + + Returns: + None + """ + if not os.path.exists('clustering'): + os.makedirs('clustering') + + plt.figure(figsize=(10, 7)) + plt.title("Customer Dendograms") + shc.dendrogram(shc.linkage(dataset, method='ward'), labels=dataset.index.values.tolist()) + fig = plt.gcf() + fig.savefig('clustering/dendogram.png', dpi=200) + + range_n_clusters = [i for i in range(k_min, k_max+1)] + + scores = [] + labels = [] + + n_classi = dataset.shape[0] + + for n_clusters in range_n_clusters: + cluster = AgglomerativeClustering(n_clusters=n_clusters, affinity='euclidean', linkage='ward') + cluster.fit_predict(dataset) + cluster_labels = cluster.labels_ + labels.append(cluster_labels) + write_to_csv(dataset, cluster_labels, 'clustering/hierarchical_with_' + str(n_clusters) + '_clusters.tsv') + + best = max_index(scores) + k_min + + for i in range(len(labels)): + prefix = '' + if (i + k_min == best): + prefix = '_BEST' + if silhouette == 'true': + silhouette_draw(dataset, labels[i], i + k_min, 'clustering/silhouette_with_' + str(i + k_min) + prefix + '_clusters.png') + + for i in range(len(labels)): + if (i + k_min == best): + labels = labels[i] + predict = [x+1 for x in labels] + classe = (pd.DataFrame(list(zip(dataset.index, predict)))).astype(str) + classe.to_csv(best_cluster, sep = '\t', index = False, header = ['Patient_ID', 'Class']) + + +############################# main ########################################### +def main() -> None: + """ + Initializes everything and sets the program in motion based on the fronted input arguments. + + Returns: + None + """ + if not os.path.exists('clustering'): + os.makedirs('clustering') + + args = process_args(sys.argv) + + #Data read + + X = read_dataset(args.input) + X = pd.DataFrame.to_dict(X, orient='list') + X = rewrite_input(X) + X = pd.DataFrame.from_dict(X, orient = 'index') + + for i in X.columns: + tmp = X[i][0] + if tmp == None: + X = X.drop(columns=[i]) + + ## NAN TO HANLDE + + if args.k_max != None: + numero_classi = X.shape[0] + while args.k_max >= numero_classi: + err = 'Skipping k = ' + str(args.k_max) + ' since it is >= number of classes of dataset' + warning(err) + args.k_max = args.k_max - 1 + + + if args.cluster_type == 'kmeans': + kmeans(args.k_min, args.k_max, X, args.elbow, args.silhouette, args.best_cluster) + + if args.cluster_type == 'dbscan': + dbscan(X, args.eps, args.min_samples, args.best_cluster) + + if args.cluster_type == 'hierarchy': + hierachical_agglomerative(X, args.k_min, args.k_max, args.best_cluster, args.silhouette) + +############################################################################## +if __name__ == "__main__": + main()
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/marea_cluster.xml Sun Oct 13 11:38:28 2024 +0000 @@ -0,0 +1,151 @@ +<tool id="MaREAcluster" name="Cluster Analysis" version="2.0.0"> + <description></description> + <macros> + <import>marea_macros.xml</import> + </macros> + <requirements> + <requirement type="package" version="1.24.4">numpy</requirement> + <requirement type="package" version="2.0.3">pandas</requirement> + <requirement type="package" version="1.10.1">scipy</requirement> + <requirement type="package" version="1.3.2">scikit-learn</requirement> + <requirement type="package" version="3.7.3">matplotlib</requirement> + <requirement type="package" version="5.2.2">lxml</requirement> + </requirements> + <command detect_errors="exit_code"> + <![CDATA[ + python $__tool_directory__/marea_cluster.py + --input $input + --tool_dir $__tool_directory__ + --out_log $log + --best_cluster $best_cluster + --cluster_type ${data.clust_type} + #if $data.clust_type == 'kmeans': + --k_min ${data.k_min} + --k_max ${data.k_max} + --elbow ${data.elbow} + --silhouette ${data.silhouette} + #end if + #if $data.clust_type == 'dbscan': + #if $data.dbscan_advanced.advanced == 'true' + --eps ${data.dbscan_advanced.eps} + --min_samples ${data.dbscan_advanced.min_samples} + #end if + #end if + #if $data.clust_type == 'hierarchy': + --k_min ${data.k_min} + --k_max ${data.k_max} + --silhouette ${data.silhouette} + #end if + ]]> + </command> + <inputs> + <param name="input" argument="--input" type="data" format="tabular, csv, tsv" label="Input dataset" /> + + <conditional name="data"> + <param name="clust_type" argument="--cluster_type" type="select" label="Choose clustering type:"> + <option value="kmeans" selected="true">KMeans</option> + <option value="dbscan">DBSCAN</option> + <option value="hierarchy">Agglomerative Hierarchical</option> + </param> + <when value="kmeans"> + <param name="k_min" argument="--k_min" type="integer" min="2" max="20" value="2" label="Min number of clusters (k) to be tested" /> + <param name="k_max" argument="--k_max" type="integer" min="2" max="20" value="3" label="Max number of clusters (k) to be tested" /> + <param name="elbow" argument="--elbow" type="boolean" value="true" label="Draw the elbow plot from k-min to k-max"/> + <param name="silhouette" argument="--silhouette" type="boolean" value="true" label="Draw the Silhouette plot from k-min to k-max"/> + </when> + <when value="dbscan"> + <conditional name="dbscan_advanced"> + <param name="advanced" type="boolean" value="false" label="Want to use custom params for DBSCAN? (if not optimal values will be used)"> + <option value="true">Yes</option> + <option value="false">No</option> + </param> + <when value="false"></when> + <when value="true"> + <param name="eps" argument="--eps" type="float" value="0.5" label="Epsilon - The maximum distance between two samples for one to be considered as in the neighborhood of the other" /> + <param name="min_samples" argument="min_samples" type="integer" value="5" label="Min samples - The number of samples in a neighborhood for a point to be considered as a core point (this includes the point itself)"/> + + </when> + </conditional> + </when> + <when value="hierarchy"> + <param name="k_min" argument="--k_min" type="integer" min="2" max="20" value="2" label="Min number of clusters (k) to be tested" /> + <param name="k_max" argument="--k_max" type="integer" min="3" max="20" value="3" label="Max number of clusters (k) to be tested" /> + <param name="silhouette" argument="--silhouette" type="boolean" value="true" label="Draw the Silhouette plot from k-min to k-max"/> + </when> + </conditional> + </inputs> + + <outputs> + <data format="txt" name="log" label="${tool.name} - Log" /> + <data format="tabular" name="best_cluster" label="${tool.name} - best cluster assignment" /> + <collection name="results" type="list" label="${tool.name} - Plots and results"> + <discover_datasets pattern="__name_and_ext__" directory="clustering"/> + <filter>data['clust_type'] == "kmeans" or data['clust_type'] == "hierarchy"</filter> + </collection> + </outputs> + <help> +<![CDATA[ + +What it does +------------- + +The tool performs cluster analysis of any dataset, according to most used algorithms: K-means, agglomerative +clustering and DBSCAN (Density Based Spatial Clustering of Applications with Noise). + +Accepted files are: + - Tabular files in which rows indicate different variables and columns different observations. The first row reports the observations’ labels. + + +Example of input dataset: +------------------------- + ++----------+----------+----------+ +|TCGAA62670|TCGAA62671|TCGAA62672| ++==========+==========+==========+ +| 0.523167 | 0.371355 | 0.925661 | ++----------+----------+----------+ +| 0.568765 | 0.765567 | 0.456789 | ++----------+----------+----------+ +| 0.876545 | 0.768933 | 0.987654 | ++----------+----------+----------+ +| 0.456788 | 0.876543 | 0.876542 | ++----------+----------+----------+ +| 0.876543 | 0.786543 | 0.897654 | ++----------+----------+----------+ + +. + + +Options: +-------- + +The following clustering types can be chosen: + - K-means. This option requires the number of clusters (k) to be set. Different values of k can be tested. + - Agglomerative clustering. Different values of k can be set, to cut the resulting dendrogram. + - DBSCAN. The DBSCAN method chooses the number of clusters based on parameters that define when a region is to be considered dense. Custom parameters may be used, namely the maximum distance between two samples for one to be considered as in the neighborhood of the other and the number of samples in a neighborhood for a point to be considered as a core point. + +The tool generates: + - a tab-separated file: reporting the affiliation of each observation to a cluster. In case different numbers of clusters have been tested, the best cluster assignment is reported according to maximum average silhouette score. If desired, the elbow plot is generated, as well as silhouette plot for each k. + - a list of items, including: 1) the cluster assignment for each tested number of clusters 2) the dendrogram in case of agglomerative clustering 3) elbow and silhouete plots in case of k-means clustering. + - a log file (.txt). + + +.. class:: infomark + +**TIP**: This tool has been conceived to cluster gene expression data, by using the RAS scores computed by `Ras tool`_. + +.. class:: infomark + +**TIP**: If your data is not TAB delimited, use `Convert delimiters to TAB`_. + +@REFERENCE@ + +.. _Ras tool: http://bimib.disco.unimib.it:5555/?tool_id=toolshed.g2.bx.psu.edu%2Frepos%2Fbimib%2Fmarea%2FMaREA+RAS+Generator%2F1.0.6&version=1.0.6&__identifer=auulv6gbp76 +.. _Convert delimiters to TAB: http://bimib.disco.unimib.it:5555/?tool_id=Convert+characters1&version=1.0.0&__identifer=76g7trea4j6 + +]]> + </help> + <expand macro="citations" /> +</tool> + +
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/marea_macros.xml Sun Oct 13 11:38:28 2024 +0000 @@ -0,0 +1,195 @@ +<macros> + + <xml name="options"> + <param name="rules_selector" argument="--rules_selector" type="select" label="Gene-Protein-Reaction rules:"> + <option value="HMRcore" selected="true">HMRcore rules</option> + <option value="Recon">Recon 2.2 rules</option> + <option value="ENGRO2">ENGRO 2 rules</option> + <option value="Custom">Custom rules</option> + </param> + </xml> + + <xml name="options_ras_to_bounds_model"> + <param name="model_selector" argument="--model_selector" type="select" label="Model:"> + <option value="ENGRO2">ENGRO 2</option> + <option value="Custom">Custom model</option> + </param> + </xml> + + <xml name="options_ras_to_bounds_medium"> + <param name="medium_selector" argument="--medium_selector" type="select" label="Medium:"> + <option value="allOpen">Open</option> + <option value="Custom">Custom medium</option> + <option value="RPMI_1640">RPMI 1640</option> + <option value="DMEM">DMEM</option> + <option value="EMEM">EMEM</option> + <option value="DMEM:F12_=_1:1">DMEM:F12 = 1:1</option> + <option value="McCoy's_5A">McCoy's 5A</option> + <option value="IMDM">IMDM</option> + <option value="MEM">MEM</option> + <option value="GMEM">GMEM</option> + <option value="Leibovitz's_L-15">Leibovitz's L-15</option> + <option value="F12">F12</option> + <option value="F10">F10</option> + <option value="AMEM">AMEM</option> + <option value="Waymouth_MB_7521_medium">Waymouth MB 7521 medium</option> + <option value="F12K">F12K</option> + <option value="William's_E_Medium">William's E Medium</option> + <option value="Medium_199">Medium 199</option> + <option value="MCDB_105">MCDB 105</option> + <option value="NEAA">NEAA</option> + <option value="RPMI:F12_=_1:1">RPMI:F12 = 1:1</option> + <option value="RPMI:MEM_=_1:1">RPMI:MEM = 1:1</option> + <option value="RPMI:EMEM_=_1:1">RPMI:EMEM = 1:1</option> + <option value="EMEM:F12_=_1:1">EMEM:F12 = 1:1</option> + <option value="DMEM:RPMI_=_2:1">DMEM:RPMI = 2:1</option> + <option value="DMEM:IMDM_=_1:1">DMEM:IMDM = 1:1</option> + <option value="MCDB_105:Medium_199_=_1:1">MCDB 105:Medium 199 = 1:1</option> + </param> + </xml> + + <token name="@CUSTOM_RULES_EXEMPLE@"> + ++--------------------+-------------------------------+ +| id | rule (with entrez-id) | ++====================+===============================+ +| SHMT1 | 155060 or 10357 | ++--------------------+-------------------------------+ +| NIT2 | 155060 or 100134869 | ++--------------------+-------------------------------+ +| GOT1_GOT2_GOT1L1_2 | 155060 and 100134869 or 10357 | ++--------------------+-------------------------------+ + +| + + </token> + + <token name="@DATASET_EXEMPLE1@"> + ++------------+------------+------------+------------+ +| Hugo_ID | TCGAA62670 | TCGAA62671 | TCGAA62672 | ++============+============+============+============+ +| HGNC:24086 | 0.523167 | 0.371355 | 0.925661 | ++------------+------------+------------+------------+ +| HGNC:24086 | 0.568765 | 0.765567 | 0.456789 | ++------------+------------+------------+------------+ +| HGNC:9876 | 0.876545 | 0.768933 | 0.987654 | ++------------+------------+------------+------------+ +| HGNC:9 | 0.456788 | 0.876543 | 0.876542 | ++------------+------------+------------+------------+ +| HGNC:23 | 0.876543 | 0.786543 | 0.897654 | ++------------+------------+------------+------------+ + +| + + </token> + + <token name="@DATASET_EXEMPLE2@"> + ++-------------+------------+------------+------------+ +| Hugo_Symbol | TCGAA62670 | TCGAA62671 | TCGAA62672 | ++=============+============+============+============+ +| A1BG | 0.523167 | 0.371355 | 0.925661 | ++-------------+------------+------------+------------+ +| A1CF | 0.568765 | 0.765567 | 0.456789 | ++-------------+------------+------------+------------+ +| A2M | 0.876545 | 0.768933 | 0.987654 | ++-------------+------------+------------+------------+ +| A4GALT | 0.456788 | 0.876543 | 0.876542 | ++-------------+------------+------------+------------+ +| M664Y65 | 0.876543 | 0.786543 | 0.897654 | ++-------------+------------+------------+------------+ + +| + + </token> + + <token name="@REFERENCE@"> + +This tool is developed by the `BIMIB`_ at the `Department of Informatics, Systems and Communications`_ of `University of Milan - Bicocca`_. + +.. _BIMIB: https://bimib.disco.unimib.it/index.php/Home +.. _Department of Informatics, Systems and Communications: https://www.disco.unimib.it/en +.. _University of Milan - Bicocca: https://en.unimib.it/ + + </token> + + <xml name="citations"> + <citations> <!--esempio di citazione--> + <citation type="bibtex"> + @article{graudenzi2018integration, + title={Integration of transcriptomic data and metabolic networks in cancer samples reveals highly significant prognostic power}, + author={Graudenzi, Alex and Maspero, Davide and Di Filippo, Marzia and Gnugnoli, Marco and Isella, Claudio and Mauri, Giancarlo and Medico, Enzo and Antoniotti, Marco and Damiani, Chiara}, + journal={Journal of biomedical informatics}, + volume={87}, + pages={37--49}, + year={2018}, + publisher={Elsevier}, + url = {https://doi.org/10.1016/j.jbi.2018.09.010}, + } + </citation> + <citation type="bibtex"> + @article{damiani2020marea4galaxy, + title={MaREA4Galaxy: Metabolic reaction enrichment analysis and visualization of RNA-seq data within Galaxy}, + author={Damiani, Chiara and Rovida, Lorenzo and Maspero, Davide and Sala, Irene and Rosato, Luca and Di Filippo, Marzia and Pescini, Dario and Graudenzi, Alex and Antoniotti, Marco and Mauri, Giancarlo}, + journal={Computational and Structural Biotechnology Journal}, + volume={18}, + pages={993}, + year={2020}, + publisher={Research Network of Computational and Structural Biotechnology}, + url = {https://doi.org/10.1016/j.csbj.2020.04.008}, + } + </citation> + <citation type="bibtex"> + @article{ebrahim2013cobrapy, + title={COBRApy: constraints-based reconstruction and analysis for python}, + author={Ebrahim, Ali and Lerman, Joshua A and Palsson, Bernhard O and Hyduke, Daniel R}, + journal={BMC systems biology}, + volume={7}, + pages={1--6}, + year={2013}, + publisher={Springer} + } + </citation> + </citations> + </xml> + + <xml name="citations_fluxes"> + <citations> + <citation type="bibtex"> + @article{galuzzi2024adjusting, + title={Adjusting for false discoveries in constraint-based differential metabolic flux analysis}, + author={Galuzzi, Bruno G and Milazzo, Luca and Damiani, Chiara}, + journal={Journal of Biomedical Informatics}, + volume={150}, + pages={104597}, + year={2024}, + publisher={Elsevier} + } + </citation> + <citation type="bibtex"> + @inproceedings{galuzzi2022best, + title={Best practices in flux sampling of constrained-based models}, + author={Galuzzi, Bruno G and Milazzo, Luca and Damiani, Chiara}, + booktitle={International Conference on Machine Learning, Optimization, and Data Science}, + pages={234--248}, + year={2022}, + organization={Springer} + } + </citation> + <citation type="bibtex"> + @article{ebrahim2013cobrapy, + title={COBRApy: constraints-based reconstruction and analysis for python}, + author={Ebrahim, Ali and Lerman, Joshua A and Palsson, Bernhard O and Hyduke, Daniel R}, + journal={BMC systems biology}, + volume={7}, + pages={1--6}, + year={2013}, + publisher={Springer} + } + </citation> + </citations> + </xml> + + +</macros>
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/ras_generator.py Sun Oct 13 11:38:28 2024 +0000 @@ -0,0 +1,701 @@ +from __future__ import division +# galaxy complains this ^^^ needs to be at the very beginning of the file, for some reason. +import sys +import argparse +import collections +import pandas as pd +import pickle as pk +import utils.general_utils as utils +import utils.rule_parsing as ruleUtils +from typing import Union, Optional, List, Dict, Tuple, TypeVar + +ERRORS = [] +########################## argparse ########################################## +ARGS :argparse.Namespace +def process_args() -> argparse.Namespace: + """ + Processes command-line arguments. + + Args: + args (list): List of command-line arguments. + + Returns: + Namespace: An object containing parsed arguments. + """ + parser = argparse.ArgumentParser( + usage = '%(prog)s [options]', + description = "process some value's genes to create a comparison's map.") + + parser.add_argument( + '-rs', '--rules_selector', + type = utils.Model, default = utils.Model.HMRcore, choices = list(utils.Model), + help = 'chose which type of dataset you want use') + + parser.add_argument("-rl", "--rule_list", type = str, + help = "path to input file with custom rules, if provided") + + parser.add_argument("-rn", "--rules_name", type = str, help = "custom rules name") + # ^ I need this because galaxy converts my files into .dat but I need to know what extension they were in + + parser.add_argument( + '-n', '--none', + type = utils.Bool("none"), default = True, + help = 'compute Nan values') + + parser.add_argument( + '-td', '--tool_dir', + type = str, + required = True, help = 'your tool directory') + + parser.add_argument( + '-ol', '--out_log', + type = str, + help = "Output log") + + parser.add_argument( + '-in', '--input', #id è diventato in + type = str, + help = 'input dataset') + + parser.add_argument( + '-ra', '--ras_output', + type = str, + required = True, help = 'ras output') + + return parser.parse_args() + +############################ dataset input #################################### +def read_dataset(data :str, name :str) -> pd.DataFrame: + """ + Read a dataset from a CSV file and return it as a pandas DataFrame. + + Args: + data (str): Path to the CSV file containing the dataset. + name (str): Name of the dataset, used in error messages. + + Returns: + pandas.DataFrame: DataFrame containing the dataset. + + Raises: + pd.errors.EmptyDataError: If the CSV file is empty. + sys.exit: If the CSV file has the wrong format, the execution is aborted. + """ + try: + dataset = pd.read_csv(data, sep = '\t', header = 0, engine='python') + except pd.errors.EmptyDataError: + sys.exit('Execution aborted: wrong format of ' + name + '\n') + if len(dataset.columns) < 2: + sys.exit('Execution aborted: wrong format of ' + name + '\n') + return dataset + +############################ load id e rules ################################## +def load_id_rules(reactions :Dict[str, Dict[str, List[str]]]) -> Tuple[List[str], List[Dict[str, List[str]]]]: + """ + Load IDs and rules from a dictionary of reactions. + + Args: + reactions (dict): A dictionary where keys are IDs and values are rules. + + Returns: + tuple: A tuple containing two lists, the first list containing IDs and the second list containing rules. + """ + ids, rules = [], [] + for key, value in reactions.items(): + ids.append(key) + rules.append(value) + return (ids, rules) + +############################ check_methods #################################### +def gene_type(l :str, name :str) -> str: + """ + Determine the type of gene ID. + + Args: + l (str): The gene identifier to check. + name (str): The name of the dataset, used in error messages. + + Returns: + str: The type of gene ID ('hugo_id', 'ensembl_gene_id', 'symbol', or 'entrez_id'). + + Raises: + sys.exit: If the gene ID type is not supported, the execution is aborted. + """ + if check_hgnc(l): + return 'hugo_id' + elif check_ensembl(l): + return 'ensembl_gene_id' + elif check_symbol(l): + return 'symbol' + elif check_entrez(l): + return 'entrez_id' + else: + sys.exit('Execution aborted:\n' + + 'gene ID type in ' + name + ' not supported. Supported ID'+ + 'types are: HUGO ID, Ensemble ID, HUGO symbol, Entrez ID\n') + +def check_hgnc(l :str) -> bool: + """ + Check if a gene identifier follows the HGNC format. + + Args: + l (str): The gene identifier to check. + + Returns: + bool: True if the gene identifier follows the HGNC format, False otherwise. + """ + if len(l) > 5: + if (l.upper()).startswith('HGNC:'): + return l[5:].isdigit() + else: + return False + else: + return False + +def check_ensembl(l :str) -> bool: + """ + Check if a gene identifier follows the Ensembl format. + + Args: + l (str): The gene identifier to check. + + Returns: + bool: True if the gene identifier follows the Ensembl format, False otherwise. + """ + return l.upper().startswith('ENS') + + +def check_symbol(l :str) -> bool: + """ + Check if a gene identifier follows the symbol format. + + Args: + l (str): The gene identifier to check. + + Returns: + bool: True if the gene identifier follows the symbol format, False otherwise. + """ + if len(l) > 0: + if l[0].isalpha() and l[1:].isalnum(): + return True + else: + return False + else: + return False + +def check_entrez(l :str) -> bool: + """ + Check if a gene identifier follows the Entrez ID format. + + Args: + l (str): The gene identifier to check. + + Returns: + bool: True if the gene identifier follows the Entrez ID format, False otherwise. + """ + if len(l) > 0: + return l.isdigit() + else: + return False + +############################ gene ############################################# +def data_gene(gene: pd.DataFrame, type_gene: str, name: str, gene_custom: Optional[Dict[str, str]]) -> Dict[str, str]: + """ + Process gene data to ensure correct formatting and handle duplicates. + + Args: + gene (DataFrame): DataFrame containing gene data. + type_gene (str): Type of gene data (e.g., 'hugo_id', 'ensembl_gene_id', 'symbol', 'entrez_id'). + name (str): Name of the dataset. + gene_custom (dict or None): Custom gene data dictionary if provided. + + Returns: + dict: A dictionary containing gene data with gene IDs as keys and corresponding values. + """ + args = process_args() + for i in range(len(gene)): + tmp = gene.iloc[i, 0] + gene.iloc[i, 0] = tmp.strip().split('.')[0] + + gene_dup = [item for item, count in + collections.Counter(gene[gene.columns[0]]).items() if count > 1] + pat_dup = [item for item, count in + collections.Counter(list(gene.columns)).items() if count > 1] + + if gene_dup: + if gene_custom == None: + if args.rules_selector == 'HMRcore': + gene_in_rule = pk.load(open(args.tool_dir + '/local/pickle files/HMRcore_genes.p', 'rb')) + + elif args.rules_selector == 'Recon': + gene_in_rule = pk.load(open(args.tool_dir + '/local/pickle files/Recon_genes.p', 'rb')) + + elif args.rules_selector == 'ENGRO2': + gene_in_rule = pk.load(open(args.tool_dir + '/local/pickle files/ENGRO2_genes.p', 'rb')) + print(f"{args.tool_dir}'/local/pickle files/ENGRO2_genes.p'") + utils.logWarning(f"{args.tool_dir}'/local/pickle files/ENGRO2_genes.p'", ARGS.out_log) + print(args.rules_selector) + gene_in_rule = gene_in_rule.get(type_gene) + + else: + gene_in_rule = gene_custom + tmp = [] + for i in gene_dup: + if gene_in_rule.get(i) == 'ok': + tmp.append(i) + if tmp: + sys.exit('Execution aborted because gene ID ' + +str(tmp)+' in '+name+' is duplicated\n') + + if pat_dup: utils.logWarning(f"Warning: duplicated label\n{pat_dup} in {name}", ARGS.out_log) + return (gene.set_index(gene.columns[0])).to_dict() + +############################ resolve ########################################## +def replace_gene_value(l :str, d :str) -> Tuple[Union[int, float], list]: + """ + Replace gene identifiers with corresponding values from a dictionary. + + Args: + l (str): String of gene identifier. + d (str): String corresponding to its value. + + Returns: + tuple: A tuple containing two lists: the first list contains replaced values, and the second list contains any errors encountered during replacement. + """ + tmp = [] + err = [] + while l: + if isinstance(l[0], list): + tmp_rules, tmp_err = replace_gene_value(l[0], d) + tmp.append(tmp_rules) + err.extend(tmp_err) + else: + value = replace_gene(l[0], d) + tmp.append(value) + if value == None: + err.append(l[0]) + l = l[1:] + return (tmp, err) + +def replace_gene(l :str, d :str) -> Union[int, float]: + """ + Replace a single gene identifier with its corresponding value from a dictionary. + + Args: + l (str): Gene identifier to replace. + d (str): String corresponding to its value. + + Returns: + float/int: Corresponding value from the dictionary if found, None otherwise. + + Raises: + sys.exit: If the value associated with the gene identifier is not valid. + """ + if l =='and' or l == 'or': + return l + else: + value = d.get(l, None) + if not(value == None or isinstance(value, (int, float))): + sys.exit('Execution aborted: ' + value + ' value not valid\n') + return value + +T = TypeVar("T", bound = Optional[Union[int, float]]) +def computes(val1 :T, op :str, val2 :T, cn :bool) -> T: + """ + Compute the RAS value between two value and an operator ('and' or 'or'). + + Args: + val1(Optional(Union[float, int])): First value. + op (str): Operator ('and' or 'or'). + val2(Optional(Union[float, int])): Second value. + cn (bool): Control boolean value. + + Returns: + Optional(Union[float, int]): Result of the computation. + """ + if val1 != None and val2 != None: + if op == 'and': + return min(val1, val2) + else: + return val1 + val2 + elif op == 'and': + if cn is True: + if val1 != None: + return val1 + elif val2 != None: + return val2 + else: + return None + else: + return None + else: + if val1 != None: + return val1 + elif val2 != None: + return val2 + else: + return None + +# ris should be Literal[None] but Literal is not supported in Python 3.7 +def control(ris, l :List[Union[int, float, list]], cn :bool) -> Union[bool, int, float]: #Union[Literal[False], int, float]: + """ + Control the format of the expression. + + Args: + ris: Intermediate result. + l (list): Expression to control. + cn (bool): Control boolean value. + + Returns: + Union[Literal[False], int, float]: Result of the control. + """ + if len(l) == 1: + if isinstance(l[0], (float, int)) or l[0] == None: + return l[0] + elif isinstance(l[0], list): + return control(None, l[0], cn) + else: + return False + elif len(l) > 2: + return control_list(ris, l, cn) + else: + return False + +def control_list(ris, l :List[Optional[Union[float, int, list]]], cn :bool) -> Optional[bool]: #Optional[Literal[False]]: + """ + Control the format of a list of expressions. + + Args: + ris: Intermediate result. + l (list): List of expressions to control. + cn (bool): Control boolean value. + + Returns: + Optional[Literal[False]]: Result of the control. + """ + while l: + if len(l) == 1: + return False + elif (isinstance(l[0], (float, int)) or + l[0] == None) and l[1] in ['and', 'or']: + if isinstance(l[2], (float, int)) or l[2] == None: + ris = computes(l[0], l[1], l[2], cn) + elif isinstance(l[2], list): + tmp = control(None, l[2], cn) + if tmp is False: + return False + else: + ris = computes(l[0], l[1], tmp, cn) + else: + return False + l = l[3:] + elif l[0] in ['and', 'or']: + if isinstance(l[1], (float, int)) or l[1] == None: + ris = computes(ris, l[0], l[1], cn) + elif isinstance(l[1], list): + tmp = control(None,l[1], cn) + if tmp is False: + return False + else: + ris = computes(ris, l[0], tmp, cn) + else: + return False + l = l[2:] + elif isinstance(l[0], list) and l[1] in ['and', 'or']: + if isinstance(l[2], (float, int)) or l[2] == None: + tmp = control(None, l[0], cn) + if tmp is False: + return False + else: + ris = computes(tmp, l[1], l[2], cn) + elif isinstance(l[2], list): + tmp = control(None, l[0], cn) + tmp2 = control(None, l[2], cn) + if tmp is False or tmp2 is False: + return False + else: + ris = computes(tmp, l[1], tmp2, cn) + else: + return False + l = l[3:] + else: + return False + return ris + +ResolvedRules = Dict[str, List[Optional[Union[float, int]]]] +def resolve(genes: Dict[str, str], rules: List[str], ids: List[str], resolve_none: bool, name: str) -> Tuple[Optional[ResolvedRules], Optional[list]]: + """ + Resolve rules using gene data to compute scores for each rule. + + Args: + genes (dict): Dictionary containing gene data with gene IDs as keys and corresponding values. + rules (list): List of rules to resolve. + ids (list): List of IDs corresponding to the rules. + resolve_none (bool): Flag indicating whether to resolve None values in the rules. + name (str): Name of the dataset. + + Returns: + tuple: A tuple containing resolved rules as a dictionary and a list of gene IDs not found in the data. + """ + resolve_rules = {} + not_found = [] + flag = False + for key, value in genes.items(): + tmp_resolve = [] + for i in range(len(rules)): + tmp = rules[i] + if tmp: + tmp, err = replace_gene_value(tmp, value) + if err: + not_found.extend(err) + ris = control(None, tmp, resolve_none) + if ris is False or ris == None: + tmp_resolve.append(None) + else: + tmp_resolve.append(ris) + flag = True + else: + tmp_resolve.append(None) + resolve_rules[key] = tmp_resolve + + if flag is False: + utils.logWarning( + f"Warning: no computable score (due to missing gene values) for class {name}, the class has been disregarded", + ARGS.out_log) + + return (None, None) + + return (resolve_rules, list(set(not_found))) +############################ create_ras ####################################### +def create_ras(resolve_rules: Optional[ResolvedRules], dataset_name: str, rules: List[str], ids: List[str], file: str) -> None: + """ + Create a RAS (Reaction Activity Score) file from resolved rules. + + Args: + resolve_rules (dict): Dictionary containing resolved rules. + dataset_name (str): Name of the dataset. + rules (list): List of rules. + file (str): Path to the output RAS file. + + Returns: + None + """ + if resolve_rules is None: + utils.logWarning(f"Couldn't generate RAS for current dataset: {dataset_name}", ARGS.out_log) + + for geni in resolve_rules.values(): + for i, valori in enumerate(geni): + if valori == None: + geni[i] = 'None' + + output_ras = pd.DataFrame.from_dict(resolve_rules) + + output_ras.insert(0, 'Reactions', ids) + output_to_csv = pd.DataFrame.to_csv(output_ras, sep = '\t', index = False) + + text_file = open(file, "w") + + text_file.write(output_to_csv) + text_file.close() + +################################- NEW RAS COMPUTATION -################################ +Expr = Optional[Union[int, float]] +Ras = Expr +def ras_for_cell_lines(dataset: pd.DataFrame, rules: Dict[str, ruleUtils.OpList]) -> Dict[str, Dict[str, Ras]]: + """ + Generates the RAS scores for each cell line found in the dataset. + + Args: + dataset (pd.DataFrame): Dataset containing gene values. + rules (dict): The dict containing reaction ids as keys and rules as values. + + Side effects: + dataset : mut + + Returns: + dict: A dictionary where each key corresponds to a cell line name and each value is a dictionary + where each key corresponds to a reaction ID and each value is its computed RAS score. + """ + ras_values_by_cell_line = {} + dataset.set_index(dataset.columns[0], inplace=True) + # Considera tutte le colonne tranne la prima in cui ci sono gli hugo quindi va scartata + for cell_line_name in dataset.columns[1:]: + cell_line = dataset[cell_line_name].to_dict() + ras_values_by_cell_line[cell_line_name]= get_ras_values(rules, cell_line) + return ras_values_by_cell_line + +def get_ras_values(value_rules: Dict[str, ruleUtils.OpList], dataset: Dict[str, Expr]) -> Dict[str, Ras]: + """ + Computes the RAS (Reaction Activity Score) values for each rule in the given dict. + + Args: + value_rules (dict): A dictionary where keys are reaction ids and values are OpLists. + dataset : gene expression data of one cell line. + + Returns: + dict: A dictionary where keys are reaction ids and values are the computed RAS values for each rule. + """ + return {key: ras_op_list(op_list, dataset) for key, op_list in value_rules.items()} + +def get_gene_expr(dataset :Dict[str, Expr], name :str) -> Expr: + """ + Extracts the gene expression of the given gene from a cell line dataset. + + Args: + dataset : gene expression data of one cell line. + name : gene name. + + Returns: + Expr : the gene's expression value. + """ + expr = dataset.get(name, None) + if expr is None: ERRORS.append(name) + + return expr + +def ras_op_list(op_list: ruleUtils.OpList, dataset: Dict[str, Expr]) -> Ras: + """ + Computes recursively the RAS (Reaction Activity Score) value for the given OpList, considering the specified flag to control None behavior. + + Args: + op_list (OpList): The OpList representing a rule with gene values. + dataset : gene expression data of one cell line. + + Returns: + Ras: The computed RAS value for the given OpList. + """ + op = op_list.op + ras_value :Ras = None + if not op: return get_gene_expr(dataset, op_list[0]) + if op is ruleUtils.RuleOp.AND and not ARGS.none and None in op_list: return None + + for i in range(len(op_list)): + item = op_list[i] + if isinstance(item, ruleUtils.OpList): + item = ras_op_list(item, dataset) + + else: + item = get_gene_expr(dataset, item) + + if item is None: + if op is ruleUtils.RuleOp.AND and not ARGS.none: return None + continue + + if ras_value is None: + ras_value = item + else: + ras_value = ras_value + item if op is ruleUtils.RuleOp.OR else min(ras_value, item) + + return ras_value + +def save_as_tsv(rasScores: Dict[str, Dict[str, Ras]], reactions :List[str]) -> None: + """ + Save computed ras scores to the given path, as a tsv file. + + Args: + rasScores : the computed ras scores. + path : the output tsv file's path. + + Returns: + None + """ + for scores in rasScores.values(): # this is actually a lot faster than using the ootb dataframe metod, sadly + for reactId, score in scores.items(): + if score is None: scores[reactId] = "None" + + output_ras = pd.DataFrame.from_dict(rasScores) + output_ras.insert(0, 'Reactions', reactions) + output_ras.to_csv(ARGS.ras_output, sep = '\t', index = False) + +############################ MAIN ############################################# +#TODO: not used but keep, it will be when the new translator dicts will be used. +def translateGene(geneName :str, encoding :str, geneTranslator :Dict[str, Dict[str, str]]) -> str: + """ + Translate gene from any supported encoding to HugoID. + + Args: + geneName (str): the name of the gene in its current encoding. + encoding (str): the encoding. + geneTranslator (Dict[str, Dict[str, str]]): the dict containing all supported gene names + and encodings in the current model, mapping each to the corresponding HugoID encoding. + + Raises: + ValueError: When the gene isn't supported in the model. + + Returns: + str: the gene in HugoID encoding. + """ + supportedGenesInEncoding = geneTranslator[encoding] + if geneName in supportedGenesInEncoding: return supportedGenesInEncoding[geneName] + raise ValueError(f"Gene \"{geneName}\" non trovato, verifica di star utilizzando il modello corretto!") + +def load_custom_rules() -> Dict[str, ruleUtils.OpList]: + """ + Opens custom rules file and extracts the rules. If the file is in .csv format an additional parsing step will be + performed, significantly impacting the runtime. + + Returns: + Dict[str, ruleUtils.OpList] : dict mapping reaction IDs to rules. + """ + datFilePath = utils.FilePath.fromStrPath(ARGS.rule_list) # actual file, stored in galaxy as a .dat + + try: filenamePath = utils.FilePath.fromStrPath(ARGS.rules_name) # file's name in input, to determine its original ext + except utils.PathErr as err: + raise utils.PathErr(filenamePath, f"Please make sure your file's name is a valid file path, {err.msg}") + + if filenamePath.ext is utils.FileFormat.PICKLE: return utils.readPickle(datFilePath) + + # csv rules need to be parsed, those in a pickle format are taken to be pre-parsed. + return { line[0] : ruleUtils.parseRuleToNestedList(line[1]) for line in utils.readCsv(datFilePath) } + +def main() -> None: + """ + Initializes everything and sets the program in motion based on the fronted input arguments. + + Returns: + None + """ + # get args from frontend (related xml) + global ARGS + ARGS = process_args() + print(ARGS.rules_selector) + # read dataset + dataset = read_dataset(ARGS.input, "dataset") + dataset.iloc[:, 0] = (dataset.iloc[:, 0]).astype(str) + + # remove versioning from gene names + dataset.iloc[:, 0] = dataset.iloc[:, 0].str.split('.').str[0] + + # handle custom models + model :utils.Model = ARGS.rules_selector + if model is utils.Model.Custom: + rules = load_custom_rules() + reactions = list(rules.keys()) + + save_as_tsv(ras_for_cell_lines(dataset, rules), reactions) + if ERRORS: utils.logWarning( + f"The following genes are mentioned in the rules but don't appear in the dataset: {ERRORS}", + ARGS.out_log) + + return + + # This is the standard flow of the ras_generator program, for non-custom models. + name = "RAS Dataset" + type_gene = gene_type(dataset.iloc[0, 0], name) + + rules = model.getRules(ARGS.tool_dir) + genes = data_gene(dataset, type_gene, name, None) + ids, rules = load_id_rules(rules.get(type_gene)) + + resolve_rules, err = resolve(genes, rules, ids, ARGS.none, name) + create_ras(resolve_rules, name, rules, ids, ARGS.ras_output) + + if err: utils.logWarning( + f"Warning: gene(s) {err} not found in class \"{name}\", " + + "the expression level for this gene will be considered NaN", + ARGS.out_log) + + print("Execution succeded") + +############################################################################### +if __name__ == "__main__": + main() \ No newline at end of file
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/ras_generator.xml Sun Oct 13 11:38:28 2024 +0000 @@ -0,0 +1,109 @@ +<tool id="MaREA RAS Generator" name="Expression2RAS" version="2.0.0"> + <description>- Reaction Activity Scores computation</description> + <macros> + <import>marea_macros.xml</import> + </macros> + <requirements> + <requirement type="package" version="1.24.4">numpy</requirement> + <requirement type="package" version="2.0.3">pandas</requirement> + <requirement type="package" version="5.2.2">lxml</requirement> + <requirement type="package" version="0.29.0">cobra</requirement> + </requirements> + <command detect_errors="exit_code"> + <![CDATA[ + python $__tool_directory__/ras_generator.py + --rules_selector $cond_rule.rules_selector + --input $input + --none $none + --tool_dir $__tool_directory__ + --out_log $log + --ras_output $ras_output + #if $cond_rule.rules_selector == 'Custom' + --rule_list $rule_list + --rules_name $rule_list.element_identifier + #end if + ]]> + </command> + <inputs> + <conditional name="cond_rule"> + <expand macro="options"/> + <when value="Custom"> + <param name="rule_list" argument="--rule_list" type="data" format="tabular, csv, pickle, p, pk" label="Custom rules" /> + </when> + </conditional> + <param name="input" argument="--input" type="data" format="tabular, csv, tsv" label="Gene Expression dataset:" /> + <param name="name" argument="--name" type="text" label="Dataset's name:" value="Dataset" help="Default: Dataset" /> + <param name="none" argument="--none" type="boolean" checked="true" label="(A and NaN) solved as (A)?" /> + </inputs> + + <outputs> + <data format="txt" name="log" label="Expression2RAS - $name - Log" /> + <data format="tabular" name="ras_output" label="$name RAS"/> + </outputs> + + <help> +<![CDATA[ + +What it does +------------- + +This tool computes Reaction Activity Scores from gene expression (RNA-seq) dataset(s), as described in Graudenzi et al. Integration of transcriptomic data and metabolic networks in cancer samples reveals highly significant prognostic power. Journal of Biomedical Informatics, 2018, 87: 37-49. + +Accepted files: + - A gene expression dataset + +Format: +Tab-separated text file reporting the normalized expression level (e.g., TPM, RPKM, ...) of each gene (row) for a given sample (column). +Column header: sample ID. +Row header: gene ID. + + +Optional files: + - custom GPR (Gene-Protein-Reaction) rules. Two accepted formats: + + * (Cobra Toolbox and CobraPy compliant) xml of metabolic model; + * .csv file specifyig for each reaction ID (column 1) the corresponding GPR rule (column 2). + +Computation option ‘(A and NaN) solved as (A)’: +In case of missing expression value, referred to as NaN (Not a Number), for a gene joined with an AND operator in a given GPR rule, the rule ‘A and NaN’ + +If YES is selected: the GPR will be solved as A. + +If NO is selected: the GPR will be disregarded tout-court (i.e., treated as NaN). + +Example input +------------- + +Custom GPR rules: + ++------------+--------------------------------------+ +| id | rule (with entrez-id | ++============+======================================+ +| r1642 | 155060 or 10357 | ++------------+--------------------------------------+ +| r1643 | 155060 or 100134869 | ++------------+--------------------------------------+ +| r1640 | 155060 and 100134869 or 10357 | ++------------+--------------------------------------+ + +RNA-seq dataset: + ++------------+----------------+----------------+----------------+ +| Hugo_ID | TCGAA62670 | TCGAA62671 | TCGAA62672 | ++============+================+================+================+ +| HGNC:24086 | 0.523167 | 0.371355 | 0.925661 | ++------------+----------------+----------------+----------------+ +| HGNC:24086 | 0.568765 | 0.765567 | 0.456789 | ++------------+----------------+----------------+----------------+ +| HGNC:9876 | 0.876545 | 0.768933 | 0.987654 | ++------------+----------------+----------------+----------------+ +| HGNC:9 | 0.456788 | 0.876543 | 0.876542 | ++------------+----------------+----------------+----------------+ +| HGNC:23 | 0.876543 | 0.786543 | 0.897654 | ++------------+----------------+----------------+----------------+ + +]]> + </help> +<expand macro="citations" /> +</tool> +
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/ras_to_bounds.py Sun Oct 13 11:38:28 2024 +0000 @@ -0,0 +1,273 @@ +import argparse +import utils.general_utils as utils +from typing import Optional, List +import os +import numpy as np +import pandas as pd +import cobra +import sys +import csv +from joblib import Parallel, delayed, cpu_count + +################################# process args ############################### +def process_args(args :List[str]) -> argparse.Namespace: + """ + Processes command-line arguments. + + Args: + args (list): List of command-line arguments. + + Returns: + Namespace: An object containing parsed arguments. + """ + parser = argparse.ArgumentParser(usage = '%(prog)s [options]', + description = 'process some value\'s') + + parser.add_argument( + '-ms', '--model_selector', + type = utils.Model, default = utils.Model.ENGRO2, choices = [utils.Model.ENGRO2, utils.Model.Custom], + help = 'chose which type of model you want use') + + parser.add_argument("-mo", "--model", type = str, + help = "path to input file with custom rules, if provided") + + parser.add_argument("-mn", "--model_name", type = str, help = "custom mode name") + + parser.add_argument( + '-mes', '--medium_selector', + default = "allOpen", + help = 'chose which type of medium you want use') + + parser.add_argument("-meo", "--medium", type = str, + help = "path to input file with custom medium, if provided") + + parser.add_argument('-ol', '--out_log', + help = "Output log") + + parser.add_argument('-td', '--tool_dir', + type = str, + required = True, + help = 'your tool directory') + + parser.add_argument('-ir', '--input_ras', + type=str, + required = False, + help = 'input ras') + + parser.add_argument('-rs', '--ras_selector', + required = True, + type=utils.Bool("using_RAS"), + help = 'ras selector') + + parser.add_argument('-c', '--classes', + type = str, + required = False, + help = 'input classes') + + parser.add_argument('-cc', '--cell_class', + type = str, + help = 'output of cell class') + + ARGS = parser.parse_args() + return ARGS + +########################### warning ########################################### +def warning(s :str) -> None: + """ + Log a warning message to an output log file and print it to the console. + + Args: + s (str): The warning message to be logged and printed. + + Returns: + None + """ + with open(ARGS.out_log, 'a') as log: + log.write(s + "\n\n") + print(s) + +############################ dataset input #################################### +def read_dataset(data :str, name :str) -> pd.DataFrame: + """ + Read a dataset from a CSV file and return it as a pandas DataFrame. + + Args: + data (str): Path to the CSV file containing the dataset. + name (str): Name of the dataset, used in error messages. + + Returns: + pandas.DataFrame: DataFrame containing the dataset. + + Raises: + pd.errors.EmptyDataError: If the CSV file is empty. + sys.exit: If the CSV file has the wrong format, the execution is aborted. + """ + try: + dataset = pd.read_csv(data, sep = '\t', header = 0, engine='python') + except pd.errors.EmptyDataError: + sys.exit('Execution aborted: wrong format of ' + name + '\n') + if len(dataset.columns) < 2: + sys.exit('Execution aborted: wrong format of ' + name + '\n') + return dataset + + +def apply_ras_bounds(model, ras_row, rxns_ids): + """ + Adjust the bounds of reactions in the model based on RAS values. + + Args: + model (cobra.Model): The metabolic model to be modified. + ras_row (pd.Series): A row from a RAS DataFrame containing scaling factors for reaction bounds. + rxns_ids (list of str): List of reaction IDs to which the scaling factors will be applied. + + Returns: + None + """ + for reaction in rxns_ids: + if reaction in ras_row.index: + scaling_factor = ras_row[reaction] + lower_bound=model.reactions.get_by_id(reaction).lower_bound + upper_bound=model.reactions.get_by_id(reaction).upper_bound + valMax=float((upper_bound)*scaling_factor) + valMin=float((lower_bound)*scaling_factor) + if upper_bound!=0 and lower_bound==0: + model.reactions.get_by_id(reaction).upper_bound=valMax + if upper_bound==0 and lower_bound!=0: + model.reactions.get_by_id(reaction).lower_bound=valMin + if upper_bound!=0 and lower_bound!=0: + model.reactions.get_by_id(reaction).lower_bound=valMin + model.reactions.get_by_id(reaction).upper_bound=valMax + pass + +def process_ras_cell(cellName, ras_row, model, rxns_ids, output_folder): + """ + Process a single RAS cell, apply bounds, and save the bounds to a CSV file. + + Args: + cellName (str): The name of the RAS cell (used for naming the output file). + ras_row (pd.Series): A row from a RAS DataFrame containing scaling factors for reaction bounds. + model (cobra.Model): The metabolic model to be modified. + rxns_ids (list of str): List of reaction IDs to which the scaling factors will be applied. + output_folder (str): Folder path where the output CSV file will be saved. + + Returns: + None + """ + model_new = model.copy() + apply_ras_bounds(model_new, ras_row, rxns_ids) + bounds = pd.DataFrame([(rxn.lower_bound, rxn.upper_bound) for rxn in model_new.reactions], index=rxns_ids, columns=["lower_bound", "upper_bound"]) + bounds.to_csv(output_folder + cellName + ".csv", sep='\t', index=True) + pass + +def generate_bounds(model: cobra.Model, medium: dict, ras=None, output_folder='output/') -> pd.DataFrame: + """ + Generate reaction bounds for a metabolic model based on medium conditions and optional RAS adjustments. + + Args: + model (cobra.Model): The metabolic model for which bounds will be generated. + medium (dict): A dictionary where keys are reaction IDs and values are the medium conditions. + ras (pd.DataFrame, optional): RAS pandas dataframe. Defaults to None. + output_folder (str, optional): Folder path where output CSV files will be saved. Defaults to 'output/'. + + Returns: + pd.DataFrame: DataFrame containing the bounds of reactions in the model. + """ + rxns_ids = [rxn.id for rxn in model.reactions] + + # Set medium conditions + for reaction, value in medium.items(): + if value is not None: + model.reactions.get_by_id(reaction).lower_bound = -float(value) + + # Perform Flux Variability Analysis (FVA) + df_FVA = cobra.flux_analysis.flux_variability_analysis(model, fraction_of_optimum=0, processes=1).round(8) + + # Set FVA bounds + for reaction in rxns_ids: + rxn = model.reactions.get_by_id(reaction) + rxn.lower_bound = float(df_FVA.loc[reaction, "minimum"]) + rxn.upper_bound = float(df_FVA.loc[reaction, "maximum"]) + + if ras is not None: + Parallel(n_jobs=cpu_count())(delayed(process_ras_cell)(cellName, ras_row, model, rxns_ids, output_folder) for cellName, ras_row in ras.iterrows()) + else: + model_new = model.copy() + apply_ras_bounds(model_new, pd.Series([1]*len(rxns_ids), index=rxns_ids), rxns_ids) + bounds = pd.DataFrame([(rxn.lower_bound, rxn.upper_bound) for rxn in model_new.reactions], index=rxns_ids, columns=["lower_bound", "upper_bound"]) + bounds.to_csv(output_folder + "bounds.csv", sep='\t', index=True) + pass + + + +############################# main ########################################### +def main() -> None: + """ + Initializes everything and sets the program in motion based on the fronted input arguments. + + Returns: + None + """ + if not os.path.exists('ras_to_bounds'): + os.makedirs('ras_to_bounds') + + + global ARGS + ARGS = process_args(sys.argv) + + ARGS.output_folder = 'ras_to_bounds/' + + if(ARGS.ras_selector == True): + ras_file_list = ARGS.input_ras.split(",") + if(len(ras_file_list)>1): + ras_class_names = [cls.strip() for cls in ARGS.classes.split(',')] + else: + ras_class_names = ["placeHolder"] + ras_list = [] + class_assignments = pd.DataFrame(columns=["Patient_ID", "Class"]) + for ras_matrix, ras_class_name in zip(ras_file_list, ras_class_names): + ras = read_dataset(ras_matrix, "ras dataset") + ras.replace("None", None, inplace=True) + ras.set_index("Reactions", drop=True, inplace=True) + ras = ras.T + ras = ras.astype(float) + ras_list.append(ras) + for patient_id in ras.index: + class_assignments = class_assignments.append({"Patient_ID": patient_id, "Class": ras_class_name}, ignore_index=True) + + # Concatenate all ras DataFrames into a single DataFrame + ras_combined = pd.concat(ras_list, axis=1) + # Normalize the RAS values by max RAS + ras_combined = ras_combined.div(ras_combined.max(axis=0)) + ras_combined = ras_combined.fillna(0) + + + + model_type :utils.Model = ARGS.model_selector + if model_type is utils.Model.Custom: + model = model_type.getCOBRAmodel(customPath = utils.FilePath.fromStrPath(ARGS.model), customExtension = utils.FilePath.fromStrPath(ARGS.model_name).ext) + else: + model = model_type.getCOBRAmodel(toolDir=ARGS.tool_dir) + + if(ARGS.medium_selector == "Custom"): + medium = read_dataset(ARGS.medium, "medium dataset") + medium.set_index(medium.columns[0], inplace=True) + medium = medium.astype(float) + medium = medium[medium.columns[0]].to_dict() + else: + df_mediums = pd.read_csv(ARGS.tool_dir + "/local/medium/medium.csv", index_col = 0) + ARGS.medium_selector = ARGS.medium_selector.replace("_", " ") + medium = df_mediums[[ARGS.medium_selector]] + medium = medium[ARGS.medium_selector].to_dict() + + if(ARGS.ras_selector == True): + generate_bounds(model, medium, ras = ras_combined, output_folder=ARGS.output_folder) + if(len(ras_list)>1): + class_assignments.to_csv(ARGS.cell_class, sep = '\t', index = False) + else: + generate_bounds(model, medium, output_folder=ARGS.output_folder) + + pass + +############################################################################## +if __name__ == "__main__": + main() \ No newline at end of file
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/ras_to_bounds.xml Sun Oct 13 11:38:28 2024 +0000 @@ -0,0 +1,113 @@ +<tool id="MaREA RAS to bounds" name="RAStoBounds" version="2.0.0"> + + <macros> + <import>marea_macros.xml</import> + </macros> + + <requirements> + <requirement type="package" version="1.24.4">numpy</requirement> + <requirement type="package" version="2.0.3">pandas</requirement> + <requirement type="package" version="0.29.0">cobra</requirement> + <requirement type="package" version="5.2.2">lxml</requirement> + <requirement type="package" version="1.4.2">joblib</requirement> + </requirements> + + <command detect_errors="exit_code"> + <![CDATA[ + python $__tool_directory__/ras_to_bounds.py + --tool_dir $__tool_directory__ + --model_selector $cond_model.model_selector + --cell_class $cell_class + #if $cond_model.model_selector == 'Custom' + --model $model + --model_name $model.element_identifier + #end if + --medium_selector $cond_medium.medium_selector + #if $cond_medium.medium_selector == 'Custom' + --medium $medium + #end if + --ras_selector $cond_ras.ras_choice + #if $cond_ras.ras_choice == "True" + --input_ras $cond_ras.input_ras + --classes $cond_ras.classes + #end if + --out_log $log + ]]> + </command> + <inputs> + <conditional name="cond_model"> + <expand macro="options_ras_to_bounds_model"/> + <when value="Custom"> + <param name="model" argument="--model" type="data" format="json, xml" label="Custom model" /> + </when> + </conditional> + + <conditional name="cond_ras"> + <param name="ras_choice" argument="--ras_choice" type="select" label="Do want to use RAS?"> + <option value="True" selected="true">Yes</option> + <option value="False">No</option> + </param> + <when value="True"> + <param name="input_ras" argument="--input_ras" multiple="true" type="data" format="tabular, csv, tsv" label="RAS matrix:" /> + <param name="classes" argument="--classes" type="text" value="None" label="Classes:" help="Write here the the classes to assign to each of the uploaded RAS matrices. Example for two RAS matrices:'cellNormal, cellCancer'. If you uploaded just one matrix, leave default value." /> + </when> + </conditional> + + <conditional name="cond_medium"> + <expand macro="options_ras_to_bounds_medium"/> + <when value="Custom"> + <param name="medium" argument="--medium" type="data" format="tabular, csv, tsv" label="Custom medium" /> + </when> + </conditional> + + </inputs> + + <outputs> + <data format="txt" name="log" label="RAStoBounds- Log" /> + <data format="tabular" name="cell_class" label="RAStoBounds - Cells class" /> + <collection name="ras_to_bounds" type="list" label="Ras to Bounds"> + <discover_datasets name = "collection" pattern="__name_and_ext__" directory="ras_to_bounds"/> + </collection> + + </outputs> + + <help> + + <![CDATA[ + +What it does +------------- + +This tool generates the reactions bounds for a given metabolic model (JSON or XML format) both with and without the use of the Reaction Activity Scores (RAS) matrix generated by RAS generator. +Moreover, it enables to use custom/pre-defined growth mediums to constrain exchange reactions. For a custom medium, It is suggested to use the template file returned by the Custom Data Generator tool. +If the RAS matrix, generated by the RAS generator tool, is used, then a bounds file is generated for each cell. Otherwise, a single bounds file is returned. + +Accepted files: + - A model: JSON or XML file reporting reactions and rules contained in the model. + - RAS matrix: tab-separated RAS file as returned by RAS generator. It can be a collection of RAS files too (e.g. one RAS matrix for normal cells and one for cancer cells). Note that if multiple RAs matrices are uploaded, the bounds are normalzed across all cells. + - Classes: If multiple RAS matrices are uploaded, then the tool returns a simple file containing for each cell the class it belongs to (cells coming from the same RAS matrix are assigned to the same class). This file is useful in the Flux enrichment analysis tool. + - Medium: tab-separated file containing lower and upper-bounds of medium reactions. + +Example of custum growth medium file: + + ++------------+----------------+----------------+ +| Reaction ID| lower_bound | upper_bound | ++============+================+================+ +| r1 | 0.123167 | 0.371355 | ++------------+----------------+----------------+ +| r2 | 0.268765 | 0.765567 | ++------------+----------------+----------------+ + + +Output: +------------- + +The tool generates: + - bounds: reporting the bounds of the model, or cells if RAS is used. Format: tab-separated. + - Classes: a file containing the class of each cell (only if multiple RAS matrices were uploaded). Format: tab-separated. + - a log file (.txt). + ]]> + </help> + <expand macro="citations" /> +</tool> \ No newline at end of file
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/rps_generator.py Sun Oct 13 11:38:28 2024 +0000 @@ -0,0 +1,255 @@ +import re +import sys +import csv +import math +import argparse + +import numpy as np +import pickle as pk +import pandas as pd + +from enum import Enum +from typing import Optional, List, Dict, Tuple + +import utils.general_utils as utils +import utils.reaction_parsing as reactionUtils + +########################## argparse ########################################## +ARGS :argparse.Namespace +def process_args() -> argparse.Namespace: + """ + Processes command-line arguments. + + Args: + args (list): List of command-line arguments. + + Returns: + Namespace: An object containing parsed arguments. + """ + parser = argparse.ArgumentParser(usage = '%(prog)s [options]', + description = 'process some value\'s'+ + ' abundances and reactions to create RPS scores.') + parser.add_argument('-rc', '--reaction_choice', + type = str, + default = 'default', + choices = ['default','custom'], + help = 'chose which type of reaction dataset you want use') + parser.add_argument('-cm', '--custom', + type = str, + help='your dataset if you want custom reactions') + parser.add_argument('-td', '--tool_dir', + type = str, + required = True, + help = 'your tool directory') + parser.add_argument('-ol', '--out_log', + help = "Output log") + parser.add_argument('-id', '--input', + type = str, + help = 'input dataset') + parser.add_argument('-rp', '--rps_output', + type = str, + required = True, + help = 'rps output') + + args = parser.parse_args() + return args + +############################ dataset name ##################################### +def name_dataset(name_data :str, count :int) -> str: + """ + Produces a unique name for a dataset based on what was provided by the user. The default name for any dataset is "Dataset", thus if the user didn't change it this function appends f"_{count}" to make it unique. + + Args: + name_data : name associated with the dataset (from frontend input params) + count : counter from 1 to make these names unique (external) + + Returns: + str : the name made unique + """ + if str(name_data) == 'Dataset': + return str(name_data) + '_' + str(count) + else: + return str(name_data) + + +############################ get_abund_data #################################### +def get_abund_data(dataset: pd.DataFrame, cell_line_index:int) -> Optional[pd.Series]: + """ + Extracts abundance data and turns it into a series for a specific cell line from the dataset, which rows are + metabolites and columns are cell lines. + + Args: + dataset (pandas.DataFrame): The DataFrame containing abundance data for all cell lines and metabolites. + cell_line_index (int): The index of the cell line of interest in the dataset. + + Returns: + pd.Series or None: A series containing abundance values for the specified cell line. + The name of the series is the name of the cell line. + Returns None if the cell index is invalid. + """ + if cell_line_index < 0 or cell_line_index >= len(dataset.index): + print(f"Errore: This cell line index: '{cell_line_index}' is not valid.") + return None + + cell_line_name = dataset.columns[cell_line_index] + abundances_series = dataset[cell_line_name][1:] + + return abundances_series + + +############################ clean_metabolite_name #################################### +def clean_metabolite_name(name :str) -> str: + """ + Removes some characters from a metabolite's name, provided as input, and makes it lowercase in order to simplify + the search of a match in the dictionary of synonyms. + + Args: + name : the metabolite's name, as given in the dataset. + + Returns: + str : a new string with the cleaned name. + """ + return "".join(ch for ch in name if ch not in ",;-_'([{ }])").lower() + + +############################ get_metabolite_id #################################### +def get_metabolite_id(name :str, syn_dict :Dict[str, List[str]]) -> str: + """ + Looks through a dictionary of synonyms to find a match for a given metabolite's name. + + Args: + name : the metabolite's name, as given in the dataset. + syn_dict : the dictionary of synonyms, using unique identifiers as keys and lists of clean synonyms as values. + + Returns: + str : the internal :str unique identifier of that metabolite, used in all other parts of the model in use. + An empty string is returned if a match isn't found. + """ + name = clean_metabolite_name(name) + for id, synonyms in syn_dict.items(): + if name in synonyms: return id + + return "" + +############################ check_missing_metab #################################### +def check_missing_metab(reactions: Dict[str, Dict[str, int]], dataset_by_rows: Dict[str, List[float]], cell_lines_amt :int) -> List[str]: + """ + Check for missing metabolites in the abundances dictionary compared to the reactions dictionary and update abundances accordingly. + + Parameters: + reactions (dict): A dictionary representing reactions where keys are reaction names and values are dictionaries containing metabolite names as keys and stoichiometric coefficients as values. + dataset_by_rows (dict): A dictionary representing abundances where keys are metabolite names and values are their corresponding abundances for all cell lines. + cell_lines_amt : amount of cell lines, needed to add a new list of abundances for missing metabolites. + + Returns: + list[str] : list of metabolite names that were missing in the original abundances dictionary and thus their aboundances were set to 1. + + Side effects: + dataset_by_rows : mut + """ + missing_list = [] + for reaction in reactions.values(): + for metabolite in reaction.keys(): + if metabolite not in dataset_by_rows: + dataset_by_rows[metabolite] = [1] * cell_lines_amt + missing_list.append(metabolite) + + return missing_list + +############################ calculate_rps #################################### +def calculate_rps(reactions: Dict[str, Dict[str, int]], abundances: Dict[str, float], black_list: List[str], missing_list: List[str]) -> Dict[str, float]: + """ + Calculate the Reaction Propensity scores (RPS) based on the availability of reaction substrates, for (ideally) each input model reaction and for each sample. + The score is computed as the product of the concentrations of the reacting substances, with each concentration raised to a power equal to its stoichiometric coefficient + for each reaction using the provided coefficient and abundance values. + + Parameters: + reactions (dict): A dictionary representing reactions where keys are reaction names and values are dictionaries containing metabolite names as keys and stoichiometric coefficients as values. + abundances (dict): A dictionary representing metabolite abundances where keys are metabolite names and values are their corresponding abundances. + black_list (list): A list containing metabolite names that should be excluded from the RPS calculation. + missing_list (list): A list containing metabolite names that were missing in the original abundances dictionary and thus their values were set to 1. + + Returns: + dict: A dictionary containing Reaction Propensity Scores (RPS) where keys are reaction names and values are the corresponding RPS scores. + """ + rps_scores = {} + + for reaction_name, substrates in reactions.items(): + total_contribution = 1 + metab_significant = False + for metabolite, stoichiometry in substrates.items(): + temp = 1 if math.isnan(abundances[metabolite]) else abundances[metabolite] + if metabolite not in black_list and metabolite not in missing_list: + metab_significant = True + total_contribution *= temp ** stoichiometry + + rps_scores[reaction_name] = total_contribution if metab_significant else math.nan + + return rps_scores + + +############################ rps_for_cell_lines #################################### +def rps_for_cell_lines(dataset: List[List[str]], reactions: Dict[str, Dict[str, int]], black_list: List[str], syn_dict: Dict[str, List[str]]) -> None: + """ + Calculate Reaction Propensity Scores (RPS) for each cell line represented in the dataframe and creates an output file. + + Parameters: + dataset : the dataset's data, by rows + reactions (dict): A dictionary representing reactions where keys are reaction names and values are dictionaries containing metabolite names as keys and stoichiometric coefficients as values. + black_list (list): A list containing metabolite names that should be excluded from the RPS calculation. + syn_dict (dict): A dictionary where keys are general metabolite names and values are lists of possible synonyms. + + Returns: + None + """ + cell_lines = dataset[0][1:] + abundances_dict = {} + + translationIsApplied = ARGS.reaction_choice == "default" + for row in dataset[1:]: + id = get_metabolite_id(row[0], syn_dict) if translationIsApplied else row[0] + if id: abundances_dict[id] = list(map(utils.Float(), row[1:])) + + missing_list = check_missing_metab(reactions, abundances_dict, len((cell_lines))) + + rps_scores :Dict[Dict[str, float]] = {} + for pos, cell_line_name in enumerate(cell_lines): + abundances = { metab : abundances[pos] for metab, abundances in abundances_dict.items() } + rps_scores[cell_line_name] = calculate_rps(reactions, abundances, black_list, missing_list) + + df = pd.DataFrame.from_dict(rps_scores) + df.rename(columns={'Unnamed: 0': 'Reactions'}, inplace=True) + df.to_csv(ARGS.rps_output, sep = '\t', na_rep = "None", index = False) + +############################ main #################################### +def main() -> None: + """ + Initializes everything and sets the program in motion based on the fronted input arguments. + + Returns: + None + """ + global ARGS + ARGS = process_args() + + # TODO:use utils functions vvv + with open(ARGS.tool_dir + '/local/pickle files/black_list.pickle', 'rb') as bl: + black_list = pk.load(bl) + + with open(ARGS.tool_dir + '/local/pickle files/synonyms.pickle', 'rb') as sd: + syn_dict = pk.load(sd) + + dataset = utils.readCsv(utils.FilePath.fromStrPath(ARGS.input), '\t', skipHeader = False) + + if ARGS.reaction_choice == 'default': + reactions = pk.load(open(ARGS.tool_dir + '/local/pickle files/reactions.pickle', 'rb')) + + elif ARGS.reaction_choice == 'custom': + reactions = reactionUtils.parse_custom_reactions(ARGS.custom) + + rps_for_cell_lines(dataset, reactions, black_list, syn_dict) + print('Execution succeded') + +############################################################################## +if __name__ == "__main__": + main() \ No newline at end of file
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/rps_generator.xml Sun Oct 13 11:38:28 2024 +0000 @@ -0,0 +1,79 @@ +<tool id="MaREA RPS Generator" name="Expression2RPS" version="2.0.0"> + <description>- Reaction Propensity Scores computation</description> + <macros> + <import>marea_macros.xml</import> + </macros> + <requirements> + <requirement type="package" version="1.24.4">numpy</requirement> + <requirement type="package" version="2.0.3">pandas</requirement> + <requirement type="package" version="5.2.2">lxml</requirement> + <requirement type="package" version="0.29.0">cobra</requirement> + </requirements> + <command detect_errors="exit_code"> + <![CDATA[ + python $__tool_directory__/rps_generator.py + --input $input + --reaction_choice $cond_reactions.reaction_choice + --tool_dir $__tool_directory__ + --out_log $log + --rps_output $rps_output + #if $cond_reactions.reaction_choice == 'custom' + --custom $cond_reactions.Custom_react + #end if + ]]> + </command> + <inputs> + <param name="input" argument="--input" type="data" format="tabular, tsv, csv" label="Abundance dataset:" /> + <param name="name" argument="--name" type="text" label="Dataset's name:" value="Dataset" help="Default: Dataset" /> + + <conditional name="cond_reactions"> + <param name="reaction_choice" argument="--reaction_choice" type="select" label="Choose reaction dataset:"> + <option value="default" selected="true">ENGRO2 reaction dataset </option> + <option value="custom">Custom reaction dataset</option> + </param> + <when value="custom"> + <param name="Custom_react" type="data" format="csv" label="Custom reactions" /> + </when> + </conditional> + </inputs> + + <outputs> + <data format="txt" name="log" label="Expression2RPS - $name - Log" /> + <data format="tabular" name="rps_output" label="$name RPS"/> + </outputs> + + <help> +<![CDATA[ + +What it does +------------- + +This tool computes Reaction Propensity Scores based on the availability of reaction substrates, for (ideally) each input model reaction and for each sample. +The score is computed as the product of the concentrations of the reacting substances, with each concentration raised to a power equal to its stoichiometric coefficient. According to themass action law, the rate of any chemical reaction is indeed proportional to this product. +This assumption holds as long as the substrate is in significant excess over the enzyme constant KM. +If a metabolite is either missing in the model provided with respect to its reactions or it is present in our "black list", the RPS score is set to NaN. +This "black list" of metabolites contains those substrates that are present in too many reactions to be significant. It is defined in the file black_list.pickle and cannot be modified by the user. + +Accepted files: + - An abundance dataset: Tab-separated text file reporting the abundance value of each metabolite for each cell line in the dataset. + Column header: cell line ID. + Row header: metabolite ID. + + +Optional files: + - Custom reaction dataset: .csv file specifying for each reaction ID the corresponding formula. + First column: reaction ID + Second column: reaction formula. + + +Output: +------------- + +The tool generates: + - a tab-separated file(.csv): reporting the RPS values for each reaction and each cell line in the dataset. + - a log file (.txt). +]]> + </help> +<expand macro="citations" /> +</tool> +
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/testing.py Sun Oct 13 11:38:28 2024 +0000 @@ -0,0 +1,806 @@ +# This is a general-purpose "testing utilities" module for the COBRAxy tool. +# This code was written entirely by m.ferrari133@campus.unimib.it and then (hopefully) many +# more people contributed by writing tests for this tool's modules, feel free to send an email for +# any questions. + +# How the testing module works: +# The testing module allows you to easily set up unit tests for functions in a module, obtaining +# information on what each method returns, when and how it fails and so on. + +# How do I test a module? +# - create a function at the very bottom, before the __main__ +# - import the stuff you need +# - create a UnitTester instance, follow the documentation +# - fill it up with UnitTest instances, follow the documentation +# - each UnitTest tests the function by passing specific parameters to it and by veryfing the correctness +# of the output via a CheckingMode instance +# - call testModule() on the UnitTester + +# TODO(s): +# - This module was written before the utilities were introduced, it may want to use some of those functions. +# - I never got around to writing a CheckingMode for methods you WANT to fail in certain scenarios, I +# like the name "MustPanic". +# - It's good practice to enforce boolean arguments of a function to be passed as kwargs and I did it a lot +# in the code I wrote for these tool's modules, but the current implementation of UnitTest doesn't allow +# you to pass kwargs to the functions you test. +# - Implement integration tests as well, maybe! + +## Imports: +from typing import Dict, Callable, Type, List +from enum import Enum, auto +from collections.abc import Iterable + +## Generic utilities: +class TestResult: + """ + Represents the result of a test and contains all the relevant information about it. Loosely models two variants: + - Ok: The test passed, no further information is saved besides the target's name. + - Err: The test failed, an error message and further contextual details are also saved. + + This class does not ensure a static proof of the two states' behaviour, their meaning or mutual exclusivity outside + of the :bool property "isPass", meant for outside reads. + """ + def __init__(self, isPass :bool, targetName :str, errMsg = "", details = "") -> None: + """ + (Private) Initializes an instance of TestResult. + + Args: + isPass : distinction between TestResult.Ok (True) and TestResult.Err (False). + targetName : the name of the target object / property / function / module being tested, not always set + to a meaningful value at this stage. + + errMsg : concise error message explaining the test's failure. + details : contextual details about the error. + + Returns: + None : practically, a TestResult instance. + """ + self.isPass = isPass + self.isFail = not isPass # Convenience above all + + self.targetName = targetName + if isPass: return + + self.errMsg = errMsg + self.details = details + + @classmethod + def Ok(cls, targetName = "") -> "TestResult": + """ + Factory method for TestResult.Ok, where all we need to know is that our test passed. + + Args: + targetName : the name of the target object / property / function / module being tested, not always set + to a meaningful value at this stage. + + Returns: + TestResult : a new Ok instance. + """ + return cls(True, targetName) + + @classmethod + def Err(cls, errMsg :str, details :str, targetName = "") -> "TestResult": + """ + Factory method for TestResult.Err, where we store relevant error information. + + Args: + errMsg : concise error message explaining the test's failure. + details : contextual details about the error. + targetName : the name of the target object / property / function / module being tested, not always set + to a meaningful value at this stage. + + Returns: + TestResult : a new Err instance. + """ + return cls(False, targetName, errMsg, details) + + def log(self, isCompact = True) -> str: + """ + Dumps all the available information in a :str, ready for logging. + + Args: + isCompact : if True limits the amount of information displayed to the targetName. + + Returns: + str : information about this test result. + + """ + if isCompact: + return f"{TestResult.__name__}::{'Ok' if self.isPass else 'Err'}(Unit test on {self.targetName})" + + logMsg = f"Unit test on {self.targetName} {'passed' if self.isPass else f'failed because {self.errMsg}'}" + if self.details: logMsg += f", {self.details}" + return logMsg + + def throw(self) -> None: + #TODO: finer Exception typing would be desirable + """ + Logs the result information and panics. + + Raises: + Exception : an error containing log information about the test result. + + Returns: + None + + """ + raise Exception(self.log()) + +class CheckingMode: + """ + (Private) Represents a way to check a value for correctness, in the context of "testing" it. + """ + + def __init__(self) -> None: + """ + (Private) Implemented on child classes, initializes an instance of CheckingMode. + + Returns: + None : practically, a CheckingMode instance. + """ + self.logMsg = "CheckingMode base class should not be used directly" + + def __checkPasses__(self, _) -> bool: + """ + (Private) Implemented on child classes, performs the actual correctness check on a received value. + + Returns: + bool : True if the check passed, False if it failed. + """ + return True + + def check(self, value) -> TestResult: + """ + Converts the :bool evaluation of the value's correctness to a TestResult. + + Args: + value : the value to check. + + Returns: + TestResult : the result of the check. + """ + return TestResult.Ok() if self.__checkPasses__(value) else TestResult.Err(self.logMsg, f"got {value} instead") + + def __repr__(self) -> str: + """ + (Private) Implemented on child classes, formats :object as :str. + """ + return self.__class__.__name__ + +class ExactValue(CheckingMode): + """ + CheckingMode subclass variant to be used when the checked value needs to match another exactly. + """ + + #I suggest solving the more complex equality checking edge cases with the "Satisfies" and "MatchingShape" variants. + def __init__(self, value) -> None: + self.value = value + self.logMsg = f"value needed to match {value} exactly" + + def __checkPasses__(self, value) -> bool: + return self.value == value + + def __repr__(self) -> str: + return f"{super().__repr__()}({self.value})" + +class AcceptedValues(CheckingMode): + """ + CheckingMode subclass variant to be used when the checked value needs to appear in a list of accepted values. + """ + def __init__(self, *values) -> None: + self.values = values + self.logMsg = f"value needed to be one of these: {values}" + + def __checkPasses__(self, value) -> bool: + return value in self.values + + def __repr__(self) -> str: + return f"{super().__repr__()}{self.values}" + +class SatisfiesPredicate(CheckingMode): + """ + CheckingMode subclass variant to be used when the checked value needs to verify a given predicate, as in + the predicate accepts it as input and returns True. + """ + def __init__(self, pred :Callable[..., bool], predName = "") -> None: + self.pred = pred + self.logMsg = f"value needed to verify a predicate{bool(predName) * f' called {predName}'}" + + def __checkPasses__(self, *params) -> bool: + return self.pred(*params) + + def __repr__(self) -> str: + return f"{super().__repr__()}(T) -> bool" + +class IsOfType(CheckingMode): + """ + CheckingMode subclass variant to be used when the checked value needs to be of a certain type. + """ + def __init__(self, type :Type) -> None: + self.type = type + self.logMsg = f"value needed to be of type {type.__name__}" + + def __checkPasses__(self, value :Type) -> bool: + return isinstance(value, self.type) + + def __repr__(self) -> str: + return f"{super().__repr__()}:{self.type.__name__}" + +class Exists(CheckingMode): + """ + CheckingMode subclass variant to be used when the checked value needs to exist (or not!). Mainly employed as a quick default + check that always passes, it still upholds its contract when it comes to checking for existing properties in objects + without much concern on what value they contain. + """ + def __init__(self, exists = True) -> None: + self.exists = exists + self.logMsg = f"value needed to {(not exists) * 'not '}exist" + + def __checkPasses__(self, _) -> bool: return self.exists + + def __repr__(self) -> str: + return f"{super().__repr__() if self.exists else 'IsMissing'}" + +class MatchingShape(CheckingMode): + """ + CheckingMode subclass variant to be used when the checked value is an object that needs to have a certain shape, + as in to posess properties with a given name and value. Each property is checked for existance and correctness with + its own given CheckingMode. + """ + def __init__(self, props :Dict[str, CheckingMode], objName = "") -> None: + """ + (Private) Initializes an instance of MatchingShape. + + Args: + props : :dict using property names as keys and checking modes for the property's value as values. + objName : label for the object we're testing the shape of. + + Returns: + None : practically, a MatchingShape instance. + """ + self.props = props + self.objName = objName + + self.shapeRepr = " {\n" + "\n".join([f" {propName} : {prop}" for propName, prop in props.items()]) + "\n}" + + def check(self, obj :object) -> TestResult: + objIsDict = isinstance(obj, dict) # Python forces us to distinguish between object properties and dict keys + for propName, checkingMode in self.props.items(): + # Checking if the property exists: + if (not objIsDict and not hasattr(obj, propName)) or (objIsDict and propName not in obj): + if not isinstance(checkingMode, Exists): return TestResult.Err( + f"property \"{propName}\" doesn't exist on object {self.objName}", "", self.objName) + + if not checkingMode.exists: return TestResult.Ok(self.objName) + # Either the property value is meant to be checked (checkingMode is anything but Exists) + # or we want the property to not exist, all other cases are handled correctly ahead + + checkRes = checkingMode.check(obj[propName] if objIsDict else getattr(obj, propName)) + if checkRes.isPass: continue + + checkRes.targetName = self.objName + return TestResult.Err( + f"property \"{propName}\" failed check {checkingMode} on shape {obj}", + checkRes.log(isCompact = False), + self.objName) + + return TestResult.Ok(self.objName) + + def __repr__(self) -> str: + return super().__repr__() + self.shapeRepr + +class Many(CheckingMode): + """ + CheckingMode subclass variant to be used when the checked value is an Iterable we want to check item by item. + """ + def __init__(self, *values :CheckingMode) -> None: + self.values = values + self.shapeRepr = " [\n" + "\n".join([f" {value}" for value in values]) + "\n]" + + def check(self, coll :Iterable) -> TestResult: + amt = len(coll) + expectedAmt = len(self.values) + # Length equality is forced: + if amt != expectedAmt: return TestResult.Err( + "items' quantities don't match", f"expected {expectedAmt} items, but got {amt}") + + # Items in the given collection value are paired in order with the corresponding checkingMode meant for each of them + for item, checkingMode in zip(coll, self.values): + checkRes = checkingMode.check(item) + if checkRes.isFail: return TestResult.Err( + f"item in list failed check {checkingMode}", + checkRes.log(isCompact = False)) + + return TestResult.Ok() + + def __repr__(self) -> str: + return super().__repr__() + self.shapeRepr + +class LogMode(Enum): + """ + Represents the level of detail of a logged message. Models 4 variants, in order of increasing detail: + - Minimal : Logs the overall test result for the entire module. + - Default : Also logs all single test fails, in compact mode. + - Detailed : Logs all function test results, in compact mode. + - Pedantic : Also logs all single test results in detailed mode. + """ + Minimal = auto() + Default = auto() + Detailed = auto() + Pedantic = auto() + + def isMoreVerbose(self, requiredMode :"LogMode") -> bool: + """ + Compares the instance's level of detail with that of another. + + Args: + requiredMode : the other instance. + + Returns: + bool : True if the caller instance is a more detailed variant than the other. + """ + return self.value >= requiredMode.value + +## Specific Unit Testing utilities: +class UnitTest: + """ + Represents a unit test, the test of a single function's isolated correctness. + """ + def __init__(self, func :Callable, inputParams :list, expectedRes :CheckingMode) -> None: + """ + (Private) Initializes an instance of UnitTest. + + Args: + func : the function to test. + inputParams : list of parameters to pass as inputs to the function, in order. + expectedRes : checkingMode to test the function's return value for correctness. + + Returns: + None : practically, a UnitTest instance. + """ + self.func = func + self.inputParams = inputParams + self.expectedRes = expectedRes + + self.funcName = func.__name__ + + def test(self) -> TestResult: + """ + Tests the function. + + Returns: + TestResult : the test's result. + """ + result = None + try: result = self.func(*self.inputParams) + except Exception as e: return TestResult.Err("the function panicked at runtime", e, self.funcName) + + checkRes = self.expectedRes.check(result) + checkRes.targetName = self.funcName + return checkRes + +class UnitTester: + """ + Manager class for unit testing an entire module, groups single UnitTests together and executes them in order on a + per-function basis (tests about the same function are executed consecutively) giving back as much information as + possible depending on the selected logMode. More customization options are available. + """ + def __init__(self, moduleName :str, logMode = LogMode.Default, stopOnFail = True, *funcTests :'UnitTest') -> None: + """ + (Private) initializes an instance of UnitTester. + + Args: + moduleName : name of the tested module. + logMode : level of detail applied to all messages logged during the test. + stopOnFail : if True, the test stops entirely after one unit test fails. + funcTests : the unit tests to perform on the module. + + Returns: + None : practically, a UnitTester instance. + """ + self.logMode = logMode + self.moduleName = moduleName + self.stopOnFail = stopOnFail + + # This ensures the per-function order: + self.funcTests :Dict[str, List[UnitTest]]= {} + for test in funcTests: + if test.funcName in self.funcTests: self.funcTests[test.funcName].append(test) + else: self.funcTests[test.funcName] = [test] + + def logTestResult(self, testRes :TestResult) -> None: + """ + Prints the formatted result information of a unit test. + + Args: + testRes : the result of the test. + + Returns: + None + """ + if testRes.isPass: return self.log("Passed!", LogMode.Detailed, indent = 2) + + failMsg = "Failed! " + # Doing it this way prevents .log computations when not needed + if self.logMode.isMoreVerbose(LogMode.Detailed): + # Given that Pedantic is the most verbose variant, there's no point in comparing with LogMode.isMoreVerbose + failMsg += testRes.log(self.logMode is not LogMode.Pedantic) + + self.log(failMsg, indent = 2) + + def log(self, msg :str, minRequiredMode = LogMode.Default, indent = 0) -> None: + """ + Prints and formats a message only when the UnitTester instance is set to a level of detail at least equal + to a minimum requirement, given as input. + + Args: + msg : the message to print. + minRequiredMode : minimum detail requirement. + indent : formatting information, counter from 0 that adds 2 spaces each number up + + Returns: + None + """ + if self.logMode.isMoreVerbose(minRequiredMode): print(" " * indent + msg) + + def testFunction(self, name :str) -> TestResult: + """ + Perform all unit tests relative to the same function, plus the surrounding logs and checks. + + Args: + name : the name of the tested function. + + Returns : + TestResult : the overall Ok result of all the tests passing or the first Err. This behaviour is unrelated + to that of the overall testing procedure (stopOnFail), it always works like this for tests about the + same function. + """ + self.log(f"Unit testing {name}...", indent = 1) + + allPassed = True + for unitTest in self.funcTests[name]: + testRes = unitTest.test() + self.logTestResult(testRes) + if testRes.isPass: continue + + allPassed = False + if self.stopOnFail: break + + self.log("", LogMode.Detailed) # Provides one extra newline of space when needed, to better format the output + if allPassed: return TestResult.Ok(name) + + if self.logMode is LogMode.Default: self.log("") + return TestResult.Err(f"Unlogged err", "unit test failed", name) + + def testModule(self) -> None: + """ + Runs all the provided unit tests in order but on a per-function basis. + + Returns: + None + """ + self.log(f"Unit testing module {self.moduleName}...", LogMode.Minimal) + + fails = 0 + testStatusMsg = "complete" + for funcName in self.funcTests.keys(): + if self.testFunction(funcName).isPass: continue + fails += 1 + + if self.stopOnFail: + testStatusMsg = "interrupted" + break + + self.log(f"Testing {testStatusMsg}: {fails} problem{'s' * (fails != 1)} found.\n", LogMode.Minimal) + # ^^^ Manually applied an extra newline of space. + +## Unit testing all the modules: +def unit_cobraxy() -> None: + import cobraxy as m + import math + import lxml.etree as ET + import utils.general_utils as utils + + #m.ARGS = m.process_args() + + ids = ["react1", "react2", "react3", "react4", "react5"] + metabMap = utils.Model.ENGRO2.getMap() + class_pat = { + "dataset1" :[ + [2.3, 4, 7, 0, 0.01, math.nan, math.nan], + [math.nan, math.nan, math.nan, math.nan, math.nan, math.nan, math.nan], + [2.3, 4, 7, 0, 0.01, 5, 9], + [math.nan, math.nan, 2.3, 4, 7, 0, 0.01], + [2.3, 4, 7, math.nan, 2.3, 0, 0.01]], + + "dataset2" :[ + [2.3, 4, 7, math.nan, 2.3, 0, 0.01], + [2.3, 4, 7, 0, 0.01, math.nan, math.nan], + [math.nan, math.nan, 2.3, 4, 7, 0, 0.01], + [2.3, 4, 7, 0, 0.01, 5, 9], + [math.nan, math.nan, math.nan, math.nan, math.nan, math.nan, math.nan]] + } + + unitTester = UnitTester("cobraxy", LogMode.Pedantic, False, + UnitTest(m.name_dataset, ["customName", 12], ExactValue("customName")), + UnitTest(m.name_dataset, ["Dataset", 12], ExactValue("Dataset_12")), + + UnitTest(m.fold_change, [0.5, 0.5], ExactValue(0.0)), + UnitTest(m.fold_change, [0, 0.35], ExactValue("-INF")), + UnitTest(m.fold_change, [0.5, 0], ExactValue("INF")), + UnitTest(m.fold_change, [0, 0], ExactValue(0)), + + UnitTest( + m.Arrow(m.Arrow.MAX_W, m.ArrowColor.DownRegulated, isDashed = True).toStyleStr, [], + ExactValue(";stroke:#0000FF;stroke-width:12;stroke-dasharray:5,5")), + + UnitTest(m.computeEnrichment, [metabMap, class_pat, ids], ExactValue(None)), + + UnitTest(m.computePValue, [class_pat["dataset1"][0], class_pat["dataset2"][0]], SatisfiesPredicate(math.isnan)), + + UnitTest(m.reactionIdIsDirectional, ["reactId"], ExactValue(m.ReactionDirection.Unknown)), + UnitTest(m.reactionIdIsDirectional, ["reactId_F"], ExactValue(m.ReactionDirection.Direct)), + UnitTest(m.reactionIdIsDirectional, ["reactId_B"], ExactValue(m.ReactionDirection.Inverse)), + + UnitTest(m.ArrowColor.fromFoldChangeSign, [-2], ExactValue(m.ArrowColor.DownRegulated)), + UnitTest(m.ArrowColor.fromFoldChangeSign, [2], ExactValue(m.ArrowColor.UpRegulated)), + + UnitTest( + m.Arrow(m.Arrow.MAX_W, m.ArrowColor.UpRegulated).styleReactionElements, + [metabMap, "reactId"], + ExactValue(None)), + + UnitTest(m.getArrowBodyElementId, ["reactId"], ExactValue("R_reactId")), + UnitTest(m.getArrowBodyElementId, ["reactId_F"], ExactValue("R_reactId")), + + UnitTest( + m.getArrowHeadElementId, ["reactId"], + Many(ExactValue("F_reactId"), ExactValue("B_reactId"))), + + UnitTest( + m.getArrowHeadElementId, ["reactId_F"], + Many(ExactValue("F_reactId"), ExactValue(""))), + + UnitTest( + m.getArrowHeadElementId, ["reactId_B"], + Many(ExactValue("B_reactId"), ExactValue(""))), + + UnitTest( + m.getElementById, ["reactId_F", metabMap], + SatisfiesPredicate(lambda res : res.isErr and isinstance(res.value, utils.Result.ResultErr))), + + UnitTest( + m.getElementById, ["F_tyr_L_t", metabMap], + SatisfiesPredicate(lambda res : res.isOk and res.unwrap().get("id") == "F_tyr_L_t")), + ).testModule() + +def unit_rps_generator() -> None: + import rps_generator as rps + import math + import pandas as pd + import utils.general_utils as utils + dataset = pd.DataFrame({ + "cell lines" : ["normal", "cancer"], + "pyru_vate" : [5.3, 7.01], + "glu,cose" : [8.2, 4.0], + "unknown" : [3.0, 3.97], + "()atp" : [7.05, 8.83], + }) + + abundancesNormalRaw = { + "pyru_vate" : 5.3, + "glu,cose" : 8.2, + "unknown" : 3.0, + "()atp" : 7.05, + } + + abundancesNormal = { + "pyr" : 5.3, + "glc__D" : 8.2, + "atp" : 7.05, + } + + # TODO: this currently doesn't work due to "the pickle extension problem", see FileFormat class for details. + synsDict = utils.readPickle(utils.FilePath("synonyms", utils.FileFormat.PICKLE, prefix = "./local/pickle files")) + + reactionsDict = { + "r1" : { + "glc__D" : 1 + }, + + "r2" : { + "co2" : 2, + "pyr" : 3, + }, + + "r3" : { + "atp" : 2, + "glc__D" : 4, + }, + + "r4" : { + "atp" : 3, + } + } + + abundancesNormalEdited = { + "pyr" : 5.3, + "glc__D" : 8.2, + "atp" : 7.05, + "co2" : 1, + } + + blackList = ["atp"] # No jokes allowed! + missingInDataset = ["co2"] + + normalRpsShape = MatchingShape({ + "r1" : ExactValue(8.2 ** 1), + "r2" : ExactValue((1 ** 2) * (5.3 ** 3)), + "r3" : ExactValue((8.2 ** 4) * (7.05 ** 2)), + "r4" : SatisfiesPredicate(lambda n : math.isnan(n)) + }, "rps dict") + + UnitTester("rps_generator", LogMode.Pedantic, False, + UnitTest(rps.get_abund_data, [dataset, 0], MatchingShape({ + "pyru_vate" : ExactValue(5.3), + "glu,cose" : ExactValue(8.2), + "unknown" : ExactValue(3.0), + "()atp" : ExactValue(7.05), + "name" : ExactValue("normal") + }, "abundance series")), + + UnitTest(rps.get_abund_data, [dataset, 1], MatchingShape({ + "pyru_vate" : ExactValue(7.01), + "glu,cose" : ExactValue(4.0), + "unknown" : ExactValue(3.97), + "()atp" : ExactValue(8.83), + "name" : ExactValue("cancer") + }, "abundance series")), + + UnitTest(rps.get_abund_data, [dataset, -1], ExactValue(None)), + + UnitTest(rps.check_missing_metab, [reactionsDict, abundancesNormal.copy()], Many(MatchingShape({ + "pyr" : ExactValue(5.3), + "glc__D" : ExactValue(8.2), + "atp" : ExactValue(7.05), + "co2" : ExactValue(1) + }, "updated abundances"), Many(ExactValue("co2")))), + + UnitTest(rps.clean_metabolite_name, ["4,4'-diphenylmethane diisocyanate"], ExactValue("44diphenylmethanediisocyanate")), + + UnitTest(rps.get_metabolite_id, ["tryptophan", synsDict], ExactValue("trp__L")), + + UnitTest(rps.calculate_rps, [reactionsDict, abundancesNormalEdited, blackList, missingInDataset], normalRpsShape), + + UnitTest(rps.rps_for_cell_lines, [dataset, reactionsDict, blackList, synsDict, "", True], Many(normalRpsShape, MatchingShape({ + "r1" : ExactValue(4.0 ** 1), + "r2" : ExactValue((1 ** 2) * (7.01 ** 3)), + "r3" : ExactValue((4.0 ** 4) * (8.83 ** 2)), + "r4" : SatisfiesPredicate(lambda n : math.isnan(n)) + }, "rps dict"))), + + #UnitTest(rps.main, [], ExactValue(None)) # Complains about sys argvs + ).testModule() + +def unit_custom_data_generator() -> None: + import custom_data_generator as cdg + + UnitTester("custom data generator", LogMode.Pedantic, False, + UnitTest(lambda :True, [], ExactValue(True)), # No tests can be done without a model at hand! + ).testModule() + +def unit_utils() -> None: + import utils.general_utils as utils + import utils.rule_parsing as ruleUtils + import utils.reaction_parsing as reactionUtils + + UnitTester("utils", LogMode.Pedantic, False, + UnitTest(utils.CustomErr, ["myMsg", "more details"], MatchingShape({ + "details" : ExactValue("more details"), + "msg" : ExactValue("myMsg"), + "id" : ExactValue(0) # this will fail if any custom errors happen anywhere else before! + })), + + UnitTest(utils.CustomErr, ["myMsg", "more details", 42], MatchingShape({ + "details" : ExactValue("more details"), + "msg" : ExactValue("myMsg"), + "id" : ExactValue(42) + })), + + UnitTest(utils.Bool("someArg").check, ["TrUe"], ExactValue(True)), + UnitTest(utils.Bool("someArg").check, ["FALse"], ExactValue(False)), + UnitTest(utils.Bool("someArg").check, ["foo"], Exists(False)), # should panic! + + UnitTest(utils.Model.ENGRO2.getRules, ["."], IsOfType(dict)), + UnitTest(utils.Model.Custom.getRules, [".", ""], Exists(False)), # expected panic + + # rule utilities tests: + UnitTest(ruleUtils.parseRuleToNestedList, ["A"], Many(ExactValue("A"))), + UnitTest(ruleUtils.parseRuleToNestedList, ["A or B"], Many(ExactValue("A"), ExactValue("B"))), + UnitTest(ruleUtils.parseRuleToNestedList, ["A and B"], Many(ExactValue("A"), ExactValue("B"))), + UnitTest(ruleUtils.parseRuleToNestedList, ["A foo B"], Exists(False)), # expected panic + UnitTest(ruleUtils.parseRuleToNestedList, ["A)"], Exists(False)), # expected panic + + UnitTest( + ruleUtils.parseRuleToNestedList, ["A or B"], + MatchingShape({ "op" : ExactValue(ruleUtils.RuleOp.OR)})), + + UnitTest( + ruleUtils.parseRuleToNestedList, ["A and B"], + MatchingShape({ "op" : ExactValue(ruleUtils.RuleOp.AND)})), + + UnitTest( + ruleUtils.parseRuleToNestedList, ["A or B and C"], + MatchingShape({ "op" : ExactValue(ruleUtils.RuleOp.OR)})), + + UnitTest( + ruleUtils.parseRuleToNestedList, ["A or B and C or (D and E)"], + Many( + ExactValue("A"), + Many(ExactValue("B"), ExactValue("C")), + Many(ExactValue("D"), ExactValue("E")) + )), + + UnitTest(lambda s : ruleUtils.RuleOp(s), ["or"], ExactValue(ruleUtils.RuleOp.OR)), + UnitTest(lambda s : ruleUtils.RuleOp(s), ["and"], ExactValue(ruleUtils.RuleOp.AND)), + UnitTest(lambda s : ruleUtils.RuleOp(s), ["foo"], Exists(False)), # expected panic + + UnitTest(ruleUtils.RuleOp.isOperator, ["or"], ExactValue(True)), + UnitTest(ruleUtils.RuleOp.isOperator, ["and"], ExactValue(True)), + UnitTest(ruleUtils.RuleOp.isOperator, ["foo"], ExactValue(False)), + + # reaction utilities tests: + UnitTest(reactionUtils.ReactionDir.fromReaction, ["atp <=> adp + pi"], ExactValue(reactionUtils.ReactionDir.REVERSIBLE)), + UnitTest(reactionUtils.ReactionDir.fromReaction, ["atp --> adp + pi"], ExactValue(reactionUtils.ReactionDir.FORWARD)), + UnitTest(reactionUtils.ReactionDir.fromReaction, ["atp <-- adp + pi"], ExactValue(reactionUtils.ReactionDir.BACKWARD)), + UnitTest(reactionUtils.ReactionDir.fromReaction, ["atp ??? adp + pi"], Exists(False)), # should panic + + UnitTest( + reactionUtils.create_reaction_dict, + [{'shdgd': '2 pyruvate + 1 h2o <=> 1 h2o + 2 acetate', 'sgwrw': '2 co2 + 6 h2o --> 3 atp'}], + MatchingShape({ + "shdgd_B" : MatchingShape({ + "acetate" : ExactValue(2), + "h2o" : ExactValue(1), + }), + + "shdgd_F" : MatchingShape({ + "pyruvate" : ExactValue(2), + "h2o" : ExactValue(1) + }), + + "sgwrw" : MatchingShape({ + "co2" : ExactValue(2), + "h2o" : ExactValue(6), + }) + }, "reaction dict")), + ).testModule() + + rule = "A and B or C or D and (E or F and G) or H" + print(f"rule \"{rule}\" should comes out as: {ruleUtils.parseRuleToNestedList(rule)}") + +def unit_ras_generator() -> None: + import ras_generator as ras + import utils.rule_parsing as ruleUtils + + # Making an alias to mask the name of the inner function and separate the 2 tests: + def opListAlias(op_list, dataset): + ras.ARGS.none = False + return ras.ras_op_list(op_list, dataset) + + ras.ARGS = ras.process_args() + rule = ruleUtils.OpList(ruleUtils.RuleOp.AND) + rule.extend(["foo", "bar", "baz"]) + + dataset = { "foo" : 5, "bar" : 2, "baz" : None } + + UnitTester("ras generator", LogMode.Pedantic, False, + UnitTest(ras.ras_op_list, [rule, dataset], ExactValue(2)), + UnitTest(opListAlias, [rule, dataset], ExactValue(None)), + ).testModule() + +if __name__ == "__main__": + unit_cobraxy() + unit_custom_data_generator() + unit_utils() + unit_ras_generator() \ No newline at end of file
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/utils/CBS_backend.py Sun Oct 13 11:38:28 2024 +0000 @@ -0,0 +1,200 @@ +from swiglpk import * +import random +import pandas as pd +import numpy as np +import cobra as cb + +# Initialize LP problem +def initialize_lp_problem(S): + + len_vector=len(S.keys()) + values=list(S.values()) + indexes=list(S.keys()) + ia = intArray(len_vector+1); + ja = intArray(len_vector+1); + ar = doubleArray(len_vector+1); + + i=0 + ind_row=[indexes[i][0]+1 for i in range(0, len(values) )] + ind_col=[indexes[i][1]+1 for i in range(0, len(values) )] + for i in range(1, len(values) + 1): + ia[i]=ind_row[i-1] + ja[i]=ind_col[i-1] + ar[i] = values[i-1] + + nrows=S.shape[0] + ncol=S.shape[1] + + return len_vector, values, indexes, ia, ja, ar, nrows, ncol + + + +# Solve LP problem from the structure of the metabolic model +def create_and_solve_lp_problem(lb,ub,nrows, ncol, len_vector, ia, ja, ar, + obj_coefs,reactions,return_lp=False): + + + lp = glp_create_prob(); + glp_set_prob_name(lp, "sample"); + glp_set_obj_dir(lp, GLP_MAX); + glp_add_rows(lp, nrows); + eps = 1e-16 + for i in range(nrows): + glp_set_row_name(lp, i+1, "constrain_"+str(i+1)); + glp_set_row_bnds(lp, i+1, GLP_FX, 0.0, 0.0); + glp_add_cols(lp, ncol); + for i in range(ncol): + glp_set_col_name(lp, i+1, "flux_"+str(i+1)); + glp_set_col_bnds(lp, i+1, GLP_DB,lb[i]-eps,ub[i]+eps); + glp_load_matrix(lp, len_vector, ia, ja, ar); + + try: + fluxes,Z=solve_lp_problem(lp,obj_coefs,reactions) + if return_lp: + return fluxes,Z,lp + else: + glp_delete_prob(lp); + return fluxes,Z + except Exception as e: + glp_delete_prob(lp) + raise Exception(e) + + +# Solve LP problem from the structure of the metabolic model +def solve_lp_problem(lp,obj_coefs,reactions): + + # Set the coefficients of the objective function + i=1 + for ind_coef in obj_coefs: + glp_set_obj_coef(lp, i, ind_coef); + i+=1 + + # Initialize the parameters + params=glp_smcp() + params.presolve=GLP_ON + params.msg_lev = GLP_MSG_ALL + params.tm_lim=4000 + glp_init_smcp(params) + + # Solve the problem + glp_scale_prob(lp,GLP_SF_AUTO) + + value=glp_simplex(lp, params) + + Z = glp_get_obj_val(lp); + + if value == 0: + fluxes = [] + for i in range(len(reactions)): fluxes.append(glp_get_col_prim(lp, i+1)) + return fluxes,Z + else: + raise Exception("error in LP problem. Problem:",str(value)) + + +# Create LP structure +def create_lp_structure(model): + + reactions=[el.id for el in model.reactions] + coefs_obj=[reaction.objective_coefficient for reaction in model.reactions] + + # Lower and upper bounds + lb=[reaction.lower_bound for reaction in model.reactions] + ub=[reaction.upper_bound for reaction in model.reactions] + + # Create S matrix + S=cb.util.create_stoichiometric_matrix(model,array_type="dok") + + return S,lb,ub,coefs_obj,reactions + +# CBS sampling interface +def randomObjectiveFunctionSampling(model, nsample, coefficients_df, df_sample): + + S,lb,ub,coefs_obj,reactions = create_lp_structure(model) + len_vector, values, indexes, ia, ja, ar, nrow, ncol = initialize_lp_problem(S) + + for i in range(nsample): + + coefs_obj=coefficients_df.iloc[:,i].values + + if coefs_obj[-1]==1: #minimize + coefs_obj= coefs_obj[0:-1] * -1 + else: + coefs_obj=coefs_obj[0:-1] + + fluxes,Z = create_and_solve_lp_problem(lb,ub, nrow, ncol, len_vector, + ia, ja, ar, coefs_obj,reactions,return_lp=False) + df_sample.loc[i] = fluxes + pass + +def randomObjectiveFunctionSampling_cobrapy(model, nsample, coefficients_df, df_sample): + + for i in range(nsample): + + dict_coeff={} + if(coefficients_df.iloc[-1][i]==1): + type_problem = -1 #minimize + else: + type_problem = 1 + + for rxn in [reaction.id for reaction in model.reactions]: + dict_coeff[model.reactions.get_by_id(rxn)] = coefficients_df.loc[rxn][i] * type_problem + + model.objective = dict_coeff + solution = model.optimize().fluxes + for rxn, flux in solution.items(): + df_sample.loc[i][rxn] = flux + + pass + +# Create random coefficients for CBS +def randomObjectiveFunction(model, n_samples, df_fva, seed=0): + + + #reactions = model.reactions + reactions = [reaction.id for reaction in model.reactions] + cont=seed + list_ex=reactions.copy() + list_ex.append("type_of_problem") + coefficients_df = pd.DataFrame(index=list_ex,columns=[str(i) for i in range(n_samples)]) + + for i in range(0, n_samples): + + cont=cont+1 + random.seed(cont) + + # Genera un numero casuale tra 0 e 1 + threshold = random.random() #coefficiente tra 0 e 1 + + for reaction in reactions: + + cont=cont+1 + random.seed(cont) + + val=random.random() + + if val>threshold: + + cont=cont+1 + random.seed(cont) + + c=2*random.random()-1 #coefficiente tra -1 e 1 + + val_max=np.max([df_fva.loc[reaction,"minimum"],df_fva.loc[reaction,"maximum"]]) + + if val_max!=0: #solo se la fva è diversa da zero + coefficients_df.loc[reaction,str(i)] = c/val_max #divido per la fva + else: + coefficients_df.loc[reaction,str(i)] = 0 + + else: + coefficients_df.loc[reaction,str(i)] = 0 + + cont=cont+1 + random.seed(cont) + + if random.random()<0.5: + coefficients_df.loc["type_of_problem",str(i)] = 0 #maximize + else: + coefficients_df.loc["type_of_problem",str(i)] = 1 #minimize + + return coefficients_df \ No newline at end of file
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/utils/general_utils.py Sun Oct 13 11:38:28 2024 +0000 @@ -0,0 +1,573 @@ +import math +import re +import sys +import csv +import pickle +import lxml.etree as ET + +from enum import Enum +from itertools import count +from typing import Any, Callable, Dict, Generic, List, Optional, TypeVar, Union + +import pandas as pd +import cobra + +# FILES +class FileFormat(Enum): + """ + Encodes possible file extensions to conditionally save data in a different format. + """ + DAT = ("dat",) # this is how galaxy treats all your files! + CSV = ("csv",) # this is how most editable input data is written + TSV = ("tsv",) # this is how most editable input data is ACTUALLY written TODO:more support pls!! + + SVG = ("svg",) # this is how most metabolic maps are written + PNG = ("png",) # this is a common output format for images (such as metabolic maps) + PDF = ("pdf",) # this is also a common output format for images, as it's required in publications. + + XML = ("xml",) # this is one main way cobra models appear in + JSON = ("json",) # this is the other + + PICKLE = ("pickle", "pk", "p") # this is how all runtime data structures are saved + #TODO: we're in a pickle (ba dum tss), there's no point in supporting many extensions internally. The + # issue will never be solved for user-uploaded files and those are saved as .dat by galaxy anyway so it + # doesn't matter as long as we CAN recognize these 3 names as valid pickle extensions. We must however + # agree on an internal standard and use only that one, otherwise constructing usable paths becomes a nightmare. + @classmethod + def fromExt(cls, ext :str) -> "FileFormat": + """ + Converts a file extension string to a FileFormat instance. + + Args: + ext : The file extension as a string. + + Returns: + FileFormat: The FileFormat instance corresponding to the file extension. + """ + variantName = ext.upper() + if variantName in FileFormat.__members__: return FileFormat[variantName] + + variantName = variantName.lower() + for member in cls: + if variantName in member.value: return member + + raise ValueErr("ext", "a valid FileFormat file extension", ext) + + def __str__(self) -> str: + """ + (Private) converts to str representation. Good practice for usage with argparse. + + Returns: + str : the string representation of the file extension. + """ + return self.value[-1] #TODO: fix, it's the dumb pickle thing + +class FilePath(): + """ + Represents a file path. View this as an attempt to standardize file-related operations by expecting + values of this type in any process requesting a file path. + """ + def __init__(self, filePath :str, ext :FileFormat, *, prefix = "") -> None: + """ + (Private) Initializes an instance of FilePath. + + Args: + path : the end of the path, containing the file name. + ext : the file's extension. + prefix : anything before path, if the last '/' isn't there it's added by the code. + + Returns: + None : practically, a FilePath instance. + """ + self.ext = ext + self.filePath = filePath + + if prefix and prefix[-1] != '/': prefix += '/' + self.prefix = prefix + + @classmethod + def fromStrPath(cls, path :str) -> "FilePath": + """ + Factory method to parse a string from which to obtain, if possible, a valid FilePath instance. + + Args: + path : the string containing the path + + Raises: + PathErr : if the provided string doesn't represent a valid path. + + Returns: + FilePath : the constructed instance. + """ + # This method is often used to construct FilePath instances from ARGS UI arguments. These arguments *should* + # always be correct paths and could be used as raw strings, however most if not all functions that work with + # file paths request the FilePath objects specifically, which is a very good thing in any case other than this. + # What ends up happening is we spend time parsing a string into a FilePath so that the function accepts it, only + # to call show() immediately to bring back the string and open the file it points to. + # TODO: this is an indication that the arguments SHOULD BE OF TYPE FilePath if they are filepaths, this ENSURES + # their correctness when modifying the UI and avoids the pointless back-and-forth. + result = re.search(r"^(?P<prefix>.*\/)?(?P<name>.*)\.(?P<ext>[^.]*)$", path) + if not result or not result["name"] or not result["ext"]: + raise PathErr(path, "cannot recognize folder structure or extension in path") + + prefix = result["prefix"] if result["prefix"] else "" + return cls(result["name"], FileFormat.fromExt(result["ext"]), prefix = prefix) + + def show(self) -> str: + """ + Shows the path as a string. + + Returns: + str : the path shown as a string. + """ + return f"{self.prefix}{self.filePath}.{self.ext}" + + def __str__(self) -> str: return self.show() + +# ERRORS +def terminate(msg :str) -> None: + """ + Terminate the execution of the script with an error message. + + Args: + msg (str): The error message to be displayed. + + Returns: + None + """ + sys.exit(f"Execution aborted: {msg}\n") + +def logWarning(msg :str, loggerPath :str) -> None: + """ + Log a warning message to an output log file and print it to the console. The final period and a + newline is added by the function. + + Args: + s (str): The warning message to be logged and printed. + loggerPath : The file path of the output log file. Given as a string, parsed to a FilePath and + immediately read back (beware relative expensive operation, log with caution). + + Returns: + None + """ + # building the path and then reading it immediately seems useless, but it's actually a way of + # validating that reduces repetition on the caller's side. Besides, logging a message by writing + # to a file is supposed to be computationally expensive anyway, so this is also a good deterrent from + # mindlessly logging whenever something comes up, log at the very end and tell the user everything + # that went wrong. If you don't like it: implement a persistent runtime buffer that gets dumped to + # the file only at the end of the program's execution. + with open(FilePath.fromStrPath(loggerPath).show(), 'a') as log: log.write(f"{msg}.\n") + +class CustomErr(Exception): + """ + Custom error class to handle exceptions in a structured way, with a unique identifier and a message. + """ + __idGenerator = count() + errName = "Custom Error" + def __init__(self, msg :str, details = "", explicitErrCode = -1) -> None: + """ + (Private) Initializes an instance of CustomErr. + + Args: + msg (str): Error message to be displayed. + details (str): Informs the user more about the error encountered. Defaults to "". + explicitErrCode (int): Explicit error code to be used. Defaults to -1. + + Returns: + None : practically, a CustomErr instance. + """ + self.msg = msg + self.details = details + + self.id = max(explicitErrCode, next(CustomErr.__idGenerator)) + + def throw(self, loggerPath = "") -> None: + """ + Raises the current CustomErr instance, logging a warning message before doing so. + + Raises: + self: The current CustomErr instance. + + Returns: + None + """ + if loggerPath: logWarning(str(self), loggerPath) + raise self + + def abort(self) -> None: + """ + Aborts the execution of the script. + + Returns: + None + """ + terminate(str(self)) + + def __str__(self) -> str: + """ + (Private) Returns a string representing the current CustomErr instance. + + Returns: + str: A string representing the current CustomErr instance. + """ + return f"{CustomErr.errName} #{self.id}: {self.msg}, {self.details}." + +class ArgsErr(CustomErr): + """ + CustomErr subclass for UI arguments errors. + """ + errName = "Args Error" + def __init__(self, argName :str, expected :Any, actual :Any, msg = "no further details provided") -> None: + super().__init__(f"argument \"{argName}\" expected {expected} but got {actual}", msg) + +class DataErr(CustomErr): + """ + CustomErr subclass for data formatting errors. + """ + errName = "Data Format Error" + def __init__(self, fileName :str, msg = "no further details provided") -> None: + super().__init__(f"file \"{fileName}\" contains malformed data", msg) + +class PathErr(CustomErr): + """ + CustomErr subclass for filepath formatting errors. + """ + errName = "Path Error" + def __init__(self, path :FilePath, msg = "no further details provided") -> None: + super().__init__(f"path \"{path}\" is invalid", msg) + +class ValueErr(CustomErr): + """ + CustomErr subclass for any value error. + """ + errName = "Value Error" + def __init__(self, valueName: str, expected :Any, actual :Any, msg = "no further details provided") -> None: + super().__init__("value " + f"\"{valueName}\" " * bool(valueName) + f"was supposed to be {expected}, but got {actual} instead", msg) + +# RESULT +T = TypeVar('T') +E = TypeVar('E', bound = CustomErr) # should bind to Result.ResultErr but python happened! +class Result(Generic[T, E]): + class ResultErr(CustomErr): + """ + CustomErr subclass for all Result errors. + """ + errName = "Result Error" + def __init__(self, msg = "no further details provided") -> None: + super().__init__(msg) + """ + Class to handle the result of an operation, with a value and a boolean flag to indicate + whether the operation was successful or not. + """ + def __init__(self, value :Union[T, E], isOk :bool) -> None: + """ + (Private) Initializes an instance of Result. + + Args: + value (Union[T, E]): The value to be stored in the Result instance. + isOk (bool): A boolean flag to indicate whether the operation was successful or not. + + Returns: + None : practically, a Result instance. + """ + self.isOk = isOk + self.isErr = not isOk + self.value = value + + @classmethod + def Ok(cls, value :T) -> "Result": + """ + Constructs a new Result instance with a successful operation. + + Args: + value (T): The value to be stored in the Result instance, set as successful. + + Returns: + Result: A new Result instance with a successful operation. + """ + return Result(value, isOk = True) + + @classmethod + def Err(cls, value :E) -> "Result": + """ + Constructs a new Result instance with a failed operation. + + Args: + value (E): The value to be stored in the Result instance, set as failed. + + Returns: + Result: A new Result instance with a failed operation. + """ + return Result(value, isOk = False) + + def unwrap(self) -> T: + """ + Unwraps the value of the Result instance, if the operation was successful. + + Raises: + ResultErr: If the operation was not successful. + + Returns: + T: The value of the Result instance, if the operation was successful. + """ + if self.isOk: return self.value + raise Result.ResultErr(f"Unwrapped Result.Err : {self.value}") + + def unwrapOr(self, default :T) -> T: + """ + Unwraps the value of the Result instance, if the operation was successful, otherwise + it returns a default value. + + Args: + default (T): The default value to be returned if the operation was not successful. + + Returns: + T: The value of the Result instance, if the operation was successful, + otherwise the default value. + """ + return self.value if self.isOk else default + + def expect(self, err :"Result.ResultErr") -> T: + """ + Expects that the value of the Result instance is successful, otherwise it raises an error. + + Args: + err (Exception): The error to be raised if the operation was not successful. + + Raises: + err: The error raised if the operation was not successful. + + Returns: + T: The value of the Result instance, if the operation was successful. + """ + if self.isOk: return self.value + raise err + + U = TypeVar("U") + def map(self, mapper: Callable[[T], U]) -> "Result[U, E]": + """ + Maps the value of the current Result to whatever is returned by the mapper function. + If the Result contained an unsuccessful operation to begin with it remains unchanged + (a reference to the current instance is returned). + If the mapper function panics the returned result instance will be of the error kind. + + Args: + mapper (Callable[[T], U]): The mapper operation to be applied to the Result value. + + Returns: + Result[U, E]: The result of the mapper operation applied to the Result value. + """ + if self.isErr: return self + try: return Result.Ok(mapper(self.value)) + except Exception as e: return Result.Err(e) + + D = TypeVar("D", bound = "Result.ResultErr") + def mapErr(self, mapper :Callable[[E], D]) -> "Result[T, D]": + """ + Maps the error of the current Result to whatever is returned by the mapper function. + If the Result contained a successful operation it remains unchanged + (a reference to the current instance is returned). + If the mapper function panics this method does as well. + + Args: + mapper (Callable[[E], D]): The mapper operation to be applied to the Result error. + + Returns: + Result[U, E]: The result of the mapper operation applied to the Result error. + """ + if self.isOk: return self + return Result.Err(mapper(self.value)) + + def __str__(self): + return f"Result::{'Ok' if self.isOk else 'Err'}({self.value})" + +# FILES +def read_dataset(path :FilePath, datasetName = "Dataset (not actual file name!)") -> pd.DataFrame: + """ + Reads a .csv or .tsv file and returns it as a Pandas DataFrame. + + Args: + path : the path to the dataset file. + datasetName : the name of the dataset. + + Raises: + DataErr: If anything goes wrong when trying to open the file, if pandas thinks the dataset is empty or if + it has less than 2 columns. + + Returns: + pandas.DataFrame: The dataset loaded as a Pandas DataFrame. + """ + # I advise against the use of this function. This is an attempt at standardizing bad legacy code rather than + # removing / replacing it to avoid introducing as many bugs as possible in the tools still relying on this code. + # First off, this is not the best way to distinguish between .csv and .tsv files and Galaxy itself makes it really + # hard to implement anything better. Also, this function's name advertizes it as a dataset-specific operation and + # contains dubious responsibility (how many columns..) while being a file-opening function instead. My suggestion is + # TODO: stop using dataframes ever at all in anything and find a way to have tight control over file extensions. + try: dataset = pd.read_csv(path.show(), sep = '\t', header = None, engine = "python") + except: + try: dataset = pd.read_csv(path.show(), sep = ',', header = 0, engine = "python") + except Exception as err: raise DataErr(datasetName, f"encountered empty or wrongly formatted data: {err}") + + if len(dataset.columns) < 2: raise DataErr(datasetName, "a dataset is always meant to have at least 2 columns") + return dataset + +def readPickle(path :FilePath) -> Any: + """ + Reads the contents of a .pickle file, which needs to exist at the given path. + + Args: + path : the path to the .pickle file. + + Returns: + Any : the data inside a pickle file, could be anything. + """ + with open(path.show(), "rb") as fd: return pickle.load(fd) + +def writePickle(path :FilePath, data :Any) -> None: + """ + Saves any data in a .pickle file, created at the given path. + + Args: + path : the path to the .pickle file. + data : the data to be written to the file. + + Returns: + None + """ + with open(path.show(), "wb") as fd: pickle.dump(data, fd) + +def readCsv(path :FilePath, delimiter = ',', *, skipHeader = True) -> List[List[str]]: + """ + Reads the contents of a .csv file, which needs to exist at the given path. + + Args: + path : the path to the .csv file. + delimiter : allows other subformats such as .tsv to be opened by the same method (\\t delimiter). + skipHeader : whether the first row of the file is a header and should be skipped. + + Returns: + List[List[str]] : list of rows from the file, each parsed as a list of strings originally separated by commas. + """ + with open(path.show(), "r", newline = "") as fd: return list(csv.reader(fd, delimiter = delimiter))[skipHeader:] + +def readSvg(path :FilePath, customErr :Optional[Exception] = None) -> ET.ElementTree: + """ + Reads the contents of a .svg file, which needs to exist at the given path. + + Args: + path : the path to the .svg file. + + Raises: + DataErr : if the map is malformed. + + Returns: + Any : the data inside a svg file, could be anything. + """ + try: return ET.parse(path.show()) + except (ET.XMLSyntaxError, ET.XMLSchemaParseError) as err: + raise customErr if customErr else err + +def writeSvg(path :FilePath, data:ET.ElementTree) -> None: + """ + Saves svg data opened with lxml.etree in a .svg file, created at the given path. + + Args: + path : the path to the .svg file. + data : the data to be written to the file. + + Returns: + None + """ + with open(path.show(), "wb") as fd: fd.write(ET.tostring(data)) + +# UI ARGUMENTS +class Bool: + def __init__(self, argName :str) -> None: + self.argName = argName + + def __call__(self, s :str) -> bool: return self.check(s) + + def check(self, s :str) -> bool: + s = s.lower() + if s == "true" : return True + if s == "false": return False + raise ArgsErr(self.argName, "boolean string (true or false, not case sensitive)", f"\"{s}\"") + +class Float: + def __init__(self, argName = "Dataset values, not an argument") -> None: + self.argName = argName + + def __call__(self, s :str) -> float: return self.check(s) + + def check(self, s :str) -> float: + try: return float(s) + except ValueError: + s = s.lower() + if s == "nan" or s == "none": return math.nan + raise ArgsErr(self.argName, "numeric string or \"None\" or \"NaN\" (not case sensitive)", f"\"{s}\"") + +# MODELS +OldRule = List[Union[str, "OldRule"]] +class Model(Enum): + """ + Represents a metabolic model, either custom or locally supported. Custom models don't point + to valid file paths. + """ + + Recon = "Recon" + ENGRO2 = "ENGRO2" + ENGRO2_no_legend = "ENGRO2_no_legend" + HMRcore = "HMRcore" + HMRcore_no_legend = "HMRcore_no_legend" + Custom = "Custom" # Exists as a valid variant in the UI, but doesn't point to valid file paths. + + def __raiseMissingPathErr(self, path :Optional[FilePath]) -> None: + if not path: raise PathErr("<<MISSING>>", "it's necessary to provide a custom path when retrieving files from a custom model") + + def getRules(self, toolDir :str, customPath :Optional[FilePath] = None) -> Dict[str, Dict[str, OldRule]]: + """ + Open "rules" file for this model. + + Returns: + Dict[str, Dict[str, OldRule]] : the rules for this model. + """ + path = customPath if self is Model.Custom else FilePath(f"{self.name}_rules", FileFormat.PICKLE, prefix = f"{toolDir}/local/pickle files/") + self.__raiseMissingPathErr(path) + return readPickle(path) + + def getTranslator(self, toolDir :str, customPath :Optional[FilePath] = None) -> Dict[str, Dict[str, str]]: + """ + Open "gene translator (old: gene_in_rule)" file for this model. + + Returns: + Dict[str, Dict[str, str]] : the translator dict for this model. + """ + path = customPath if self is Model.Custom else FilePath(f"{self.name}_genes", FileFormat.PICKLE, prefix = f"{toolDir}/local/pickle files/") + self.__raiseMissingPathErr(path) + return readPickle(path) + + def getMap(self, toolDir = ".", customPath :Optional[FilePath] = None) -> ET.ElementTree: + path = customPath if self is Model.Custom else FilePath(f"{self.name}_map", FileFormat.SVG, prefix = f"{toolDir}/local/svg metabolic maps/") + self.__raiseMissingPathErr(path) + return readSvg(path, customErr = DataErr(path, f"custom map in wrong format")) + + def getCOBRAmodel(self, toolDir = ".", customPath :Optional[FilePath] = None, customExtension :Optional[FilePath]=None)->cobra.Model: + if(self is Model.Custom): + return self.load_custom_model(customPath, customExtension) + else: + return cobra.io.read_sbml_model(FilePath(f"{self.name}", FileFormat.XML, prefix = f"{toolDir}/local/models/").show()) + + def load_custom_model(self, file_path :FilePath, ext :Optional[FileFormat] = None) -> cobra.Model: + ext = ext if ext else file_path.ext + try: + if ext is FileFormat.XML: + return cobra.io.read_sbml_model(file_path.show()) + + if ext is FileFormat.JSON: + return cobra.io.load_json_model(file_path.show()) + + except Exception as e: raise DataErr(file_path, e.__str__()) + raise DataErr(file_path, + f"Fomat \"{file_path.ext}\" is not recognized, only JSON and XML files are supported.") + + def __str__(self) -> str: return self.value \ No newline at end of file
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/utils/reaction_parsing.py Sun Oct 13 11:38:28 2024 +0000 @@ -0,0 +1,130 @@ +from enum import Enum +import utils.general_utils as utils +from typing import Dict +import csv +import re + +# Reaction direction encoding: +class ReactionDir(Enum): + """ + A reaction can go forwards, backwards or be reversible (able to proceed in both directions). + Models created / managed with cobrapy encode this information within the reaction's + formula using the arrows this enum keeps as values. + """ + FORWARD = "-->" + BACKWARD = "<--" + REVERSIBLE = "<=>" + + @classmethod + def fromReaction(cls, reaction :str) -> 'ReactionDir': + """ + Takes a whole reaction formula string and looks for one of the arrows, returning the + corresponding reaction direction. + + Args: + reaction : the reaction's formula. + + Raises: + ValueError : if no valid arrow is found. + + Returns: + ReactionDir : the corresponding reaction direction. + """ + for member in cls: + if member.value in reaction: return member + + raise ValueError("No valid arrow found within reaction string.") + +ReactionsDict = Dict[str, Dict[str, float]] + + +def add_custom_reaction(reactionsDict :ReactionsDict, rId :str, reaction :str) -> None: + """ + Adds an entry to the given reactionsDict. Each entry consists of a given unique reaction id + (key) and a :dict (value) matching each substrate in the reaction to its stoichiometric coefficient. + Keys and values are both obtained from the reaction's formula: if a substrate (custom metabolite id) + appears without an explicit coeff, the value 1.0 will be used instead. + + Args: + reactionsDict : dictionary encoding custom reactions information. + rId : unique reaction id. + reaction : the reaction's formula. + + Returns: + None + + Side effects: + reactionsDict : mut + """ + reaction = reaction.strip() + if not reaction: return + + reactionsDict[rId] = {} + # We assume the '+' separating consecutive metabs in a reaction is spaced from them, + # to avoid confusing it for electrical charge: + for word in reaction.split(" + "): + metabId, stoichCoeff = word, 1.0 + # Implicit stoichiometric coeff is equal to 1, some coeffs are floats. + + # Accepted coeffs can be integer or floats with a dot (.) decimal separator + # and must be separated from the metab with a space: + foundCoeff = re.search(r"\d+(\.\d+)? ", word) + if foundCoeff: + wholeMatch = foundCoeff.group(0) + metabId = word[len(wholeMatch):].strip() + stoichCoeff = float(wholeMatch.strip()) + + reactionsDict[rId][metabId] = stoichCoeff + + if not reactionsDict[rId]: del reactionsDict[rId] # Empty reactions are removed. + + +def create_reaction_dict(unparsed_reactions: Dict[str, str]) -> ReactionsDict: + """ + Parses the given dictionary into the correct format. + + Args: + unparsed_reactions (Dict[str, str]): A dictionary where keys are reaction IDs and values are unparsed reaction strings. + + Returns: + ReactionsDict: The correctly parsed dict. + """ + reactionsDict :ReactionsDict = {} + for rId, reaction in unparsed_reactions.items(): + reactionDir = ReactionDir.fromReaction(reaction) + left, right = reaction.split(f" {reactionDir.value} ") + + # Reversible reactions are split into distinct reactions, one for each direction. + # In general we only care about substrates, the product information is lost. + reactionIsReversible = reactionDir is ReactionDir.REVERSIBLE + if reactionDir is not ReactionDir.BACKWARD: + add_custom_reaction(reactionsDict, rId + "_F" * reactionIsReversible, left) + + if reactionDir is not ReactionDir.FORWARD: + add_custom_reaction(reactionsDict, rId + "_B" * reactionIsReversible, right) + + # ^^^ to further clarify: if a reaction is NOT reversible it will not be marked as _F or _B + # and whichever direction we DO keep (forward if --> and backward if <--) loses this information. + # This IS a small problem when coloring the map in marea.py because the arrow IDs in the map follow + # through with a similar convention on ALL reactions and correctly encode direction based on their + # model of origin. TODO: a proposed solution is to unify the standard in RPS to fully mimic the maps, + # which involves re-writing the "reactions" dictionary. + + return reactionsDict + + +def parse_custom_reactions(customReactionsPath :str) -> ReactionsDict: + """ + Creates a custom dictionary encoding reactions information from a csv file containing + data about these reactions, the path of which is given as input. + + Args: + customReactionsPath : path to the reactions information file. + + Returns: + ReactionsDict : dictionary encoding custom reactions information. + """ + reactionsData :Dict[str, str] = {row[0]: row[1] for row in utils.readCsv(utils.FilePath.fromStrPath(customReactionsPath))} + + return create_reaction_dict(reactionsData) +
--- /dev/null Thu Jan 01 00:00:00 1970 +0000 +++ b/cobraxy-9688ad27287b/COBRAxy/utils/cobraxy-9688ad27287b/COBRAxy/utils/rule_parsing.py Sun Oct 13 11:38:28 2024 +0000 @@ -0,0 +1,243 @@ +from enum import Enum +import utils.general_utils as utils +from typing import List, Union, Optional + +class RuleErr(utils.CustomErr): + """ + CustomErr subclass for rule syntax errors. + """ + errName = "Rule Syntax Error" + def __init__(self, rule :str, msg = "no further details provided") -> None: + super().__init__( + f"rule \"{rule}\" is malformed, {msg}", + "please verify your input follows the validity guidelines") + +class RuleOp(Enum): + """ + Encodes all operators valid in gene rules. + """ + OR = "or" + AND = "and" + + @classmethod + def isOperator(cls, op :str) -> bool: + return op.upper() in cls.__members__ + + def __str__(self) -> str: return self.value + +class OpList(List[Union[str, "OpList"]]): + """ + Represents a parsed rule and each of its nesting levels, including the operator that level uses. + """ + def __init__(self, op :Optional[RuleOp] = None) -> None: + """ + (Private) Initializes an instance of OpList. + + Args: + op (str): Operator to be assigned to the OpList. Defaults to "". + + Returns: + None : practically, an OpList instance. + """ + self.op = op + + def setOpIfMissing(self, op :RuleOp) -> None: + """ + Sets the operator of the OpList if it's missing. + + Args: + op (str): Operator to be assigned to the OpList. + + Returns: + None + """ + if not self.op: self.op = op + + def __repr__(self, indent = "") -> str: + """ + (Private) Returns a string representation of the current OpList instance. + + Args: + indent (str): Indentation level . Defaults to "". + + Returns: + str: A string representation of the current OpList instance. + """ + nextIndent = indent + " " + return f"<{self.op}>[\n" + ",\n".join([ + f"{nextIndent}{item.__repr__(nextIndent) if isinstance(item, OpList) else item}" + for item in self ]) + f"\n{indent}]" + +class RuleStack: + """ + FILO stack structure to save the intermediate representation of a Rule during parsing, with the + current nesting level at the top of the stack. + """ + def __init__(self) -> None: + """ + (Private) initializes an instance of RuleStack. + + Returns: + None : practically, a RuleStack instance. + """ + self.__stack = [OpList()] # the stack starts out with the result list already allocated + self.__updateCurrent() + + def pop(self) -> None: + """ + Removes the OpList on top of the stack, also flattening it once when possible. + + Side Effects: + self : mut + + Returns: + None + """ + oldTop = self.__stack.pop() + if len(oldTop) == 1 and isinstance(oldTop[0], OpList): self.__stack[-1][-1] = oldTop[0] + self.__updateCurrent() + + def push(self, operator = "") -> None: + """ + Adds a new nesting level, in the form of a new OpList on top of the stack. + + Args: + operator : the operator assigned to the new OpList. + + Side Effects: + self : mut + + Returns: + None + """ + newLevel = OpList(operator) + self.current.append(newLevel) + self.__stack.append(newLevel) + self.__updateCurrent() + + def popForward(self) -> None: + """ + Moves the last "actual" item from the 2nd to last list to the beginning of the top list, as per + the example below: + stack : [list_a, list_b] + list_a : [item1, item2, list_b] --> [item1, list_b] + list_b : [item3, item4] --> [item2, item3, item4] + + This is essentially a "give back as needed" operation. + + Side Effects: + self : mut + + Returns: + None + """ + self.current.insert(0, self.__stack[-2].pop(-2)) + + def currentIsAnd(self) -> bool: + """ + Checks if the current OpList's assigned operator is "and". + + Returns: + bool : True if the current OpList's assigned operator is "and", False otherwise. + """ + return self.current.op is RuleOp.AND + + def obtain(self, err :Optional[utils.CustomErr] = None) -> Optional[OpList]: + """ + Obtains the first OpList on the stack, only if it's the only element. + + Args: + err : The error to raise if obtaining the result is not possible. + + Side Effects: + self : mut + + Raises: + err: If given, otherwise None is returned. + + Returns: + Optional[OpList]: The first OpList on the stack, only if it's the only element. + """ + + if len(self.__stack) == 1: return self.__stack.pop() + if err: raise err + return None + + def __updateCurrent(self) -> None: + """ + (Private) Updates the current OpList to the one on top of the stack. + + Side Effects: + self : mut + + Returns: + None + """ + self.current = self.__stack[-1] + +def parseRuleToNestedList(rule :str) -> OpList: + """ + Parse a single rule from its string representation to an OpList, making all priority explicit + through nesting levels. + + Args: + rule : the string representation of a rule to be parsed. + + Raises: + RuleErr : whenever something goes wrong during parsing. + + Returns: + OpList : the parsed rule. + """ + source = iter(rule + .replace("(", "( ").replace(")", " )") # Single out parens as words + .strip() # remove whitespace at extremities + .split()) # split by spaces + + stack = RuleStack() + nestingErr = RuleErr(rule, "mismatch between open and closed parentheses") + try: + while True: # keep reading until source ends + while True: + operand = next(source, None) # expected name or rule opening + if operand is None: raise RuleErr(rule, "found trailing open parentheses") + if operand == "and" or operand == "or" or operand == ")": # found operator instead, panic + raise RuleErr(rule, f"found \"{operand}\" in unexpected position") + + if operand != "(": break # found name + + # found rule opening, we add new nesting level but don't know the operator + stack.push() + + stack.current.append(operand) + + while True: # keep reading until operator is found or source ends + operator = next(source, None) # expected operator or rule closing + if operator and operator != ")": break # found operator + + if stack.currentIsAnd(): stack.pop() # we close the "and" chain + + if not operator: break + stack.pop() # we close the parentheses + + # we proceed with operator: + if not operator: break # there is no such thing as a double loop break.. yet + + if not RuleOp.isOperator(operator): raise RuleErr( + rule, f"found \"{operator}\" in unexpected position, expected operator") + + operator = RuleOp(operator) + if operator is RuleOp.OR and stack.currentIsAnd(): + stack.pop() + + elif operator is RuleOp.AND and not stack.currentIsAnd(): + stack.push(operator) + stack.popForward() + + stack.current.setOpIfMissing(operator) # buffer now knows what operator its data had + + except RuleErr as err: raise err # bubble up proper errors + except: raise nestingErr # everything else is interpreted as a nesting error. + + parsedRule = stack.obtain(nestingErr) + return parsedRule[0] if len(parsedRule) == 1 and isinstance(parsedRule[0], list) else parsedRule \ No newline at end of file
--- a/cobraxy-9688ad27287b/COBRAxy/utils/general_utils.py Sun Oct 13 11:35:56 2024 +0000 +++ /dev/null Thu Jan 01 00:00:00 1970 +0000 @@ -1,573 +0,0 @@ -import math -import re -import sys -import csv -import pickle -import lxml.etree as ET - -from enum import Enum -from itertools import count -from typing import Any, Callable, Dict, Generic, List, Optional, TypeVar, Union - -import pandas as pd -import cobra - -# FILES -class FileFormat(Enum): - """ - Encodes possible file extensions to conditionally save data in a different format. - """ - DAT = ("dat",) # this is how galaxy treats all your files! - CSV = ("csv",) # this is how most editable input data is written - TSV = ("tsv",) # this is how most editable input data is ACTUALLY written TODO:more support pls!! - - SVG = ("svg",) # this is how most metabolic maps are written - PNG = ("png",) # this is a common output format for images (such as metabolic maps) - PDF = ("pdf",) # this is also a common output format for images, as it's required in publications. - - XML = ("xml",) # this is one main way cobra models appear in - JSON = ("json",) # this is the other - - PICKLE = ("pickle", "pk", "p") # this is how all runtime data structures are saved - #TODO: we're in a pickle (ba dum tss), there's no point in supporting many extensions internally. The - # issue will never be solved for user-uploaded files and those are saved as .dat by galaxy anyway so it - # doesn't matter as long as we CAN recognize these 3 names as valid pickle extensions. We must however - # agree on an internal standard and use only that one, otherwise constructing usable paths becomes a nightmare. - @classmethod - def fromExt(cls, ext :str) -> "FileFormat": - """ - Converts a file extension string to a FileFormat instance. - - Args: - ext : The file extension as a string. - - Returns: - FileFormat: The FileFormat instance corresponding to the file extension. - """ - variantName = ext.upper() - if variantName in FileFormat.__members__: return FileFormat[variantName] - - variantName = variantName.lower() - for member in cls: - if variantName in member.value: return member - - raise ValueErr("ext", "a valid FileFormat file extension", ext) - - def __str__(self) -> str: - """ - (Private) converts to str representation. Good practice for usage with argparse. - - Returns: - str : the string representation of the file extension. - """ - return self.value[-1] #TODO: fix, it's the dumb pickle thing - -class FilePath(): - """ - Represents a file path. View this as an attempt to standardize file-related operations by expecting - values of this type in any process requesting a file path. - """ - def __init__(self, filePath :str, ext :FileFormat, *, prefix = "") -> None: - """ - (Private) Initializes an instance of FilePath. - - Args: - path : the end of the path, containing the file name. - ext : the file's extension. - prefix : anything before path, if the last '/' isn't there it's added by the code. - - Returns: - None : practically, a FilePath instance. - """ - self.ext = ext - self.filePath = filePath - - if prefix and prefix[-1] != '/': prefix += '/' - self.prefix = prefix - - @classmethod - def fromStrPath(cls, path :str) -> "FilePath": - """ - Factory method to parse a string from which to obtain, if possible, a valid FilePath instance. - - Args: - path : the string containing the path - - Raises: - PathErr : if the provided string doesn't represent a valid path. - - Returns: - FilePath : the constructed instance. - """ - # This method is often used to construct FilePath instances from ARGS UI arguments. These arguments *should* - # always be correct paths and could be used as raw strings, however most if not all functions that work with - # file paths request the FilePath objects specifically, which is a very good thing in any case other than this. - # What ends up happening is we spend time parsing a string into a FilePath so that the function accepts it, only - # to call show() immediately to bring back the string and open the file it points to. - # TODO: this is an indication that the arguments SHOULD BE OF TYPE FilePath if they are filepaths, this ENSURES - # their correctness when modifying the UI and avoids the pointless back-and-forth. - result = re.search(r"^(?P<prefix>.*\/)?(?P<name>.*)\.(?P<ext>[^.]*)$", path) - if not result or not result["name"] or not result["ext"]: - raise PathErr(path, "cannot recognize folder structure or extension in path") - - prefix = result["prefix"] if result["prefix"] else "" - return cls(result["name"], FileFormat.fromExt(result["ext"]), prefix = prefix) - - def show(self) -> str: - """ - Shows the path as a string. - - Returns: - str : the path shown as a string. - """ - return f"{self.prefix}{self.filePath}.{self.ext}" - - def __str__(self) -> str: return self.show() - -# ERRORS -def terminate(msg :str) -> None: - """ - Terminate the execution of the script with an error message. - - Args: - msg (str): The error message to be displayed. - - Returns: - None - """ - sys.exit(f"Execution aborted: {msg}\n") - -def logWarning(msg :str, loggerPath :str) -> None: - """ - Log a warning message to an output log file and print it to the console. The final period and a - newline is added by the function. - - Args: - s (str): The warning message to be logged and printed. - loggerPath : The file path of the output log file. Given as a string, parsed to a FilePath and - immediately read back (beware relative expensive operation, log with caution). - - Returns: - None - """ - # building the path and then reading it immediately seems useless, but it's actually a way of - # validating that reduces repetition on the caller's side. Besides, logging a message by writing - # to a file is supposed to be computationally expensive anyway, so this is also a good deterrent from - # mindlessly logging whenever something comes up, log at the very end and tell the user everything - # that went wrong. If you don't like it: implement a persistent runtime buffer that gets dumped to - # the file only at the end of the program's execution. - with open(FilePath.fromStrPath(loggerPath).show(), 'a') as log: log.write(f"{msg}.\n") - -class CustomErr(Exception): - """ - Custom error class to handle exceptions in a structured way, with a unique identifier and a message. - """ - __idGenerator = count() - errName = "Custom Error" - def __init__(self, msg :str, details = "", explicitErrCode = -1) -> None: - """ - (Private) Initializes an instance of CustomErr. - - Args: - msg (str): Error message to be displayed. - details (str): Informs the user more about the error encountered. Defaults to "". - explicitErrCode (int): Explicit error code to be used. Defaults to -1. - - Returns: - None : practically, a CustomErr instance. - """ - self.msg = msg - self.details = details - - self.id = max(explicitErrCode, next(CustomErr.__idGenerator)) - - def throw(self, loggerPath = "") -> None: - """ - Raises the current CustomErr instance, logging a warning message before doing so. - - Raises: - self: The current CustomErr instance. - - Returns: - None - """ - if loggerPath: logWarning(str(self), loggerPath) - raise self - - def abort(self) -> None: - """ - Aborts the execution of the script. - - Returns: - None - """ - terminate(str(self)) - - def __str__(self) -> str: - """ - (Private) Returns a string representing the current CustomErr instance. - - Returns: - str: A string representing the current CustomErr instance. - """ - return f"{CustomErr.errName} #{self.id}: {self.msg}, {self.details}." - -class ArgsErr(CustomErr): - """ - CustomErr subclass for UI arguments errors. - """ - errName = "Args Error" - def __init__(self, argName :str, expected :Any, actual :Any, msg = "no further details provided") -> None: - super().__init__(f"argument \"{argName}\" expected {expected} but got {actual}", msg) - -class DataErr(CustomErr): - """ - CustomErr subclass for data formatting errors. - """ - errName = "Data Format Error" - def __init__(self, fileName :str, msg = "no further details provided") -> None: - super().__init__(f"file \"{fileName}\" contains malformed data", msg) - -class PathErr(CustomErr): - """ - CustomErr subclass for filepath formatting errors. - """ - errName = "Path Error" - def __init__(self, path :FilePath, msg = "no further details provided") -> None: - super().__init__(f"path \"{path}\" is invalid", msg) - -class ValueErr(CustomErr): - """ - CustomErr subclass for any value error. - """ - errName = "Value Error" - def __init__(self, valueName: str, expected :Any, actual :Any, msg = "no further details provided") -> None: - super().__init__("value " + f"\"{valueName}\" " * bool(valueName) + f"was supposed to be {expected}, but got {actual} instead", msg) - -# RESULT -T = TypeVar('T') -E = TypeVar('E', bound = CustomErr) # should bind to Result.ResultErr but python happened! -class Result(Generic[T, E]): - class ResultErr(CustomErr): - """ - CustomErr subclass for all Result errors. - """ - errName = "Result Error" - def __init__(self, msg = "no further details provided") -> None: - super().__init__(msg) - """ - Class to handle the result of an operation, with a value and a boolean flag to indicate - whether the operation was successful or not. - """ - def __init__(self, value :Union[T, E], isOk :bool) -> None: - """ - (Private) Initializes an instance of Result. - - Args: - value (Union[T, E]): The value to be stored in the Result instance. - isOk (bool): A boolean flag to indicate whether the operation was successful or not. - - Returns: - None : practically, a Result instance. - """ - self.isOk = isOk - self.isErr = not isOk - self.value = value - - @classmethod - def Ok(cls, value :T) -> "Result": - """ - Constructs a new Result instance with a successful operation. - - Args: - value (T): The value to be stored in the Result instance, set as successful. - - Returns: - Result: A new Result instance with a successful operation. - """ - return Result(value, isOk = True) - - @classmethod - def Err(cls, value :E) -> "Result": - """ - Constructs a new Result instance with a failed operation. - - Args: - value (E): The value to be stored in the Result instance, set as failed. - - Returns: - Result: A new Result instance with a failed operation. - """ - return Result(value, isOk = False) - - def unwrap(self) -> T: - """ - Unwraps the value of the Result instance, if the operation was successful. - - Raises: - ResultErr: If the operation was not successful. - - Returns: - T: The value of the Result instance, if the operation was successful. - """ - if self.isOk: return self.value - raise Result.ResultErr(f"Unwrapped Result.Err : {self.value}") - - def unwrapOr(self, default :T) -> T: - """ - Unwraps the value of the Result instance, if the operation was successful, otherwise - it returns a default value. - - Args: - default (T): The default value to be returned if the operation was not successful. - - Returns: - T: The value of the Result instance, if the operation was successful, - otherwise the default value. - """ - return self.value if self.isOk else default - - def expect(self, err :"Result.ResultErr") -> T: - """ - Expects that the value of the Result instance is successful, otherwise it raises an error. - - Args: - err (Exception): The error to be raised if the operation was not successful. - - Raises: - err: The error raised if the operation was not successful. - - Returns: - T: The value of the Result instance, if the operation was successful. - """ - if self.isOk: return self.value - raise err - - U = TypeVar("U") - def map(self, mapper: Callable[[T], U]) -> "Result[U, E]": - """ - Maps the value of the current Result to whatever is returned by the mapper function. - If the Result contained an unsuccessful operation to begin with it remains unchanged - (a reference to the current instance is returned). - If the mapper function panics the returned result instance will be of the error kind. - - Args: - mapper (Callable[[T], U]): The mapper operation to be applied to the Result value. - - Returns: - Result[U, E]: The result of the mapper operation applied to the Result value. - """ - if self.isErr: return self - try: return Result.Ok(mapper(self.value)) - except Exception as e: return Result.Err(e) - - D = TypeVar("D", bound = "Result.ResultErr") - def mapErr(self, mapper :Callable[[E], D]) -> "Result[T, D]": - """ - Maps the error of the current Result to whatever is returned by the mapper function. - If the Result contained a successful operation it remains unchanged - (a reference to the current instance is returned). - If the mapper function panics this method does as well. - - Args: - mapper (Callable[[E], D]): The mapper operation to be applied to the Result error. - - Returns: - Result[U, E]: The result of the mapper operation applied to the Result error. - """ - if self.isOk: return self - return Result.Err(mapper(self.value)) - - def __str__(self): - return f"Result::{'Ok' if self.isOk else 'Err'}({self.value})" - -# FILES -def read_dataset(path :FilePath, datasetName = "Dataset (not actual file name!)") -> pd.DataFrame: - """ - Reads a .csv or .tsv file and returns it as a Pandas DataFrame. - - Args: - path : the path to the dataset file. - datasetName : the name of the dataset. - - Raises: - DataErr: If anything goes wrong when trying to open the file, if pandas thinks the dataset is empty or if - it has less than 2 columns. - - Returns: - pandas.DataFrame: The dataset loaded as a Pandas DataFrame. - """ - # I advise against the use of this function. This is an attempt at standardizing bad legacy code rather than - # removing / replacing it to avoid introducing as many bugs as possible in the tools still relying on this code. - # First off, this is not the best way to distinguish between .csv and .tsv files and Galaxy itself makes it really - # hard to implement anything better. Also, this function's name advertizes it as a dataset-specific operation and - # contains dubious responsibility (how many columns..) while being a file-opening function instead. My suggestion is - # TODO: stop using dataframes ever at all in anything and find a way to have tight control over file extensions. - try: dataset = pd.read_csv(path.show(), sep = '\t', header = None, engine = "python") - except: - try: dataset = pd.read_csv(path.show(), sep = ',', header = 0, engine = "python") - except Exception as err: raise DataErr(datasetName, f"encountered empty or wrongly formatted data: {err}") - - if len(dataset.columns) < 2: raise DataErr(datasetName, "a dataset is always meant to have at least 2 columns") - return dataset - -def readPickle(path :FilePath) -> Any: - """ - Reads the contents of a .pickle file, which needs to exist at the given path. - - Args: - path : the path to the .pickle file. - - Returns: - Any : the data inside a pickle file, could be anything. - """ - with open(path.show(), "rb") as fd: return pickle.load(fd) - -def writePickle(path :FilePath, data :Any) -> None: - """ - Saves any data in a .pickle file, created at the given path. - - Args: - path : the path to the .pickle file. - data : the data to be written to the file. - - Returns: - None - """ - with open(path.show(), "wb") as fd: pickle.dump(data, fd) - -def readCsv(path :FilePath, delimiter = ',', *, skipHeader = True) -> List[List[str]]: - """ - Reads the contents of a .csv file, which needs to exist at the given path. - - Args: - path : the path to the .csv file. - delimiter : allows other subformats such as .tsv to be opened by the same method (\\t delimiter). - skipHeader : whether the first row of the file is a header and should be skipped. - - Returns: - List[List[str]] : list of rows from the file, each parsed as a list of strings originally separated by commas. - """ - with open(path.show(), "r", newline = "") as fd: return list(csv.reader(fd, delimiter = delimiter))[skipHeader:] - -def readSvg(path :FilePath, customErr :Optional[Exception] = None) -> ET.ElementTree: - """ - Reads the contents of a .svg file, which needs to exist at the given path. - - Args: - path : the path to the .svg file. - - Raises: - DataErr : if the map is malformed. - - Returns: - Any : the data inside a svg file, could be anything. - """ - try: return ET.parse(path.show()) - except (ET.XMLSyntaxError, ET.XMLSchemaParseError) as err: - raise customErr if customErr else err - -def writeSvg(path :FilePath, data:ET.ElementTree) -> None: - """ - Saves svg data opened with lxml.etree in a .svg file, created at the given path. - - Args: - path : the path to the .svg file. - data : the data to be written to the file. - - Returns: - None - """ - with open(path.show(), "wb") as fd: fd.write(ET.tostring(data)) - -# UI ARGUMENTS -class Bool: - def __init__(self, argName :str) -> None: - self.argName = argName - - def __call__(self, s :str) -> bool: return self.check(s) - - def check(self, s :str) -> bool: - s = s.lower() - if s == "true" : return True - if s == "false": return False - raise ArgsErr(self.argName, "boolean string (true or false, not case sensitive)", f"\"{s}\"") - -class Float: - def __init__(self, argName = "Dataset values, not an argument") -> None: - self.argName = argName - - def __call__(self, s :str) -> float: return self.check(s) - - def check(self, s :str) -> float: - try: return float(s) - except ValueError: - s = s.lower() - if s == "nan" or s == "none": return math.nan - raise ArgsErr(self.argName, "numeric string or \"None\" or \"NaN\" (not case sensitive)", f"\"{s}\"") - -# MODELS -OldRule = List[Union[str, "OldRule"]] -class Model(Enum): - """ - Represents a metabolic model, either custom or locally supported. Custom models don't point - to valid file paths. - """ - - Recon = "Recon" - ENGRO2 = "ENGRO2" - ENGRO2_no_legend = "ENGRO2_no_legend" - HMRcore = "HMRcore" - HMRcore_no_legend = "HMRcore_no_legend" - Custom = "Custom" # Exists as a valid variant in the UI, but doesn't point to valid file paths. - - def __raiseMissingPathErr(self, path :Optional[FilePath]) -> None: - if not path: raise PathErr("<<MISSING>>", "it's necessary to provide a custom path when retrieving files from a custom model") - - def getRules(self, toolDir :str, customPath :Optional[FilePath] = None) -> Dict[str, Dict[str, OldRule]]: - """ - Open "rules" file for this model. - - Returns: - Dict[str, Dict[str, OldRule]] : the rules for this model. - """ - path = customPath if self is Model.Custom else FilePath(f"{self.name}_rules", FileFormat.PICKLE, prefix = f"{toolDir}/local/pickle files/") - self.__raiseMissingPathErr(path) - return readPickle(path) - - def getTranslator(self, toolDir :str, customPath :Optional[FilePath] = None) -> Dict[str, Dict[str, str]]: - """ - Open "gene translator (old: gene_in_rule)" file for this model. - - Returns: - Dict[str, Dict[str, str]] : the translator dict for this model. - """ - path = customPath if self is Model.Custom else FilePath(f"{self.name}_genes", FileFormat.PICKLE, prefix = f"{toolDir}/local/pickle files/") - self.__raiseMissingPathErr(path) - return readPickle(path) - - def getMap(self, toolDir = ".", customPath :Optional[FilePath] = None) -> ET.ElementTree: - path = customPath if self is Model.Custom else FilePath(f"{self.name}_map", FileFormat.SVG, prefix = f"{toolDir}/local/svg metabolic maps/") - self.__raiseMissingPathErr(path) - return readSvg(path, customErr = DataErr(path, f"custom map in wrong format")) - - def getCOBRAmodel(self, toolDir = ".", customPath :Optional[FilePath] = None, customExtension :Optional[FilePath]=None)->cobra.Model: - if(self is Model.Custom): - return self.load_custom_model(customPath, customExtension) - else: - return cobra.io.read_sbml_model(FilePath(f"{self.name}", FileFormat.XML, prefix = f"{toolDir}/local/models/").show()) - - def load_custom_model(self, file_path :FilePath, ext :Optional[FileFormat] = None) -> cobra.Model: - ext = ext if ext else file_path.ext - try: - if ext is FileFormat.XML: - return cobra.io.read_sbml_model(file_path.show()) - - if ext is FileFormat.JSON: - return cobra.io.load_json_model(file_path.show()) - - except Exception as e: raise DataErr(file_path, e.__str__()) - raise DataErr(file_path, - f"Fomat \"{file_path.ext}\" is not recognized, only JSON and XML files are supported.") - - def __str__(self) -> str: return self.value \ No newline at end of file
--- a/cobraxy-9688ad27287b/COBRAxy/utils/reaction_parsing.py Sun Oct 13 11:35:56 2024 +0000 +++ /dev/null Thu Jan 01 00:00:00 1970 +0000 @@ -1,130 +0,0 @@ -from enum import Enum -import utils.general_utils as utils -from typing import Dict -import csv -import re - -# Reaction direction encoding: -class ReactionDir(Enum): - """ - A reaction can go forwards, backwards or be reversible (able to proceed in both directions). - Models created / managed with cobrapy encode this information within the reaction's - formula using the arrows this enum keeps as values. - """ - FORWARD = "-->" - BACKWARD = "<--" - REVERSIBLE = "<=>" - - @classmethod - def fromReaction(cls, reaction :str) -> 'ReactionDir': - """ - Takes a whole reaction formula string and looks for one of the arrows, returning the - corresponding reaction direction. - - Args: - reaction : the reaction's formula. - - Raises: - ValueError : if no valid arrow is found. - - Returns: - ReactionDir : the corresponding reaction direction. - """ - for member in cls: - if member.value in reaction: return member - - raise ValueError("No valid arrow found within reaction string.") - -ReactionsDict = Dict[str, Dict[str, float]] - - -def add_custom_reaction(reactionsDict :ReactionsDict, rId :str, reaction :str) -> None: - """ - Adds an entry to the given reactionsDict. Each entry consists of a given unique reaction id - (key) and a :dict (value) matching each substrate in the reaction to its stoichiometric coefficient. - Keys and values are both obtained from the reaction's formula: if a substrate (custom metabolite id) - appears without an explicit coeff, the value 1.0 will be used instead. - - Args: - reactionsDict : dictionary encoding custom reactions information. - rId : unique reaction id. - reaction : the reaction's formula. - - Returns: - None - - Side effects: - reactionsDict : mut - """ - reaction = reaction.strip() - if not reaction: return - - reactionsDict[rId] = {} - # We assume the '+' separating consecutive metabs in a reaction is spaced from them, - # to avoid confusing it for electrical charge: - for word in reaction.split(" + "): - metabId, stoichCoeff = word, 1.0 - # Implicit stoichiometric coeff is equal to 1, some coeffs are floats. - - # Accepted coeffs can be integer or floats with a dot (.) decimal separator - # and must be separated from the metab with a space: - foundCoeff = re.search(r"\d+(\.\d+)? ", word) - if foundCoeff: - wholeMatch = foundCoeff.group(0) - metabId = word[len(wholeMatch):].strip() - stoichCoeff = float(wholeMatch.strip()) - - reactionsDict[rId][metabId] = stoichCoeff - - if not reactionsDict[rId]: del reactionsDict[rId] # Empty reactions are removed. - - -def create_reaction_dict(unparsed_reactions: Dict[str, str]) -> ReactionsDict: - """ - Parses the given dictionary into the correct format. - - Args: - unparsed_reactions (Dict[str, str]): A dictionary where keys are reaction IDs and values are unparsed reaction strings. - - Returns: - ReactionsDict: The correctly parsed dict. - """ - reactionsDict :ReactionsDict = {} - for rId, reaction in unparsed_reactions.items(): - reactionDir = ReactionDir.fromReaction(reaction) - left, right = reaction.split(f" {reactionDir.value} ") - - # Reversible reactions are split into distinct reactions, one for each direction. - # In general we only care about substrates, the product information is lost. - reactionIsReversible = reactionDir is ReactionDir.REVERSIBLE - if reactionDir is not ReactionDir.BACKWARD: - add_custom_reaction(reactionsDict, rId + "_F" * reactionIsReversible, left) - - if reactionDir is not ReactionDir.FORWARD: - add_custom_reaction(reactionsDict, rId + "_B" * reactionIsReversible, right) - - # ^^^ to further clarify: if a reaction is NOT reversible it will not be marked as _F or _B - # and whichever direction we DO keep (forward if --> and backward if <--) loses this information. - # This IS a small problem when coloring the map in marea.py because the arrow IDs in the map follow - # through with a similar convention on ALL reactions and correctly encode direction based on their - # model of origin. TODO: a proposed solution is to unify the standard in RPS to fully mimic the maps, - # which involves re-writing the "reactions" dictionary. - - return reactionsDict - - -def parse_custom_reactions(customReactionsPath :str) -> ReactionsDict: - """ - Creates a custom dictionary encoding reactions information from a csv file containing - data about these reactions, the path of which is given as input. - - Args: - customReactionsPath : path to the reactions information file. - - Returns: - ReactionsDict : dictionary encoding custom reactions information. - """ - reactionsData :Dict[str, str] = {row[0]: row[1] for row in utils.readCsv(utils.FilePath.fromStrPath(customReactionsPath))} - - return create_reaction_dict(reactionsData) -
--- a/cobraxy-9688ad27287b/COBRAxy/utils/rule_parsing.py Sun Oct 13 11:35:56 2024 +0000 +++ /dev/null Thu Jan 01 00:00:00 1970 +0000 @@ -1,243 +0,0 @@ -from enum import Enum -import utils.general_utils as utils -from typing import List, Union, Optional - -class RuleErr(utils.CustomErr): - """ - CustomErr subclass for rule syntax errors. - """ - errName = "Rule Syntax Error" - def __init__(self, rule :str, msg = "no further details provided") -> None: - super().__init__( - f"rule \"{rule}\" is malformed, {msg}", - "please verify your input follows the validity guidelines") - -class RuleOp(Enum): - """ - Encodes all operators valid in gene rules. - """ - OR = "or" - AND = "and" - - @classmethod - def isOperator(cls, op :str) -> bool: - return op.upper() in cls.__members__ - - def __str__(self) -> str: return self.value - -class OpList(List[Union[str, "OpList"]]): - """ - Represents a parsed rule and each of its nesting levels, including the operator that level uses. - """ - def __init__(self, op :Optional[RuleOp] = None) -> None: - """ - (Private) Initializes an instance of OpList. - - Args: - op (str): Operator to be assigned to the OpList. Defaults to "". - - Returns: - None : practically, an OpList instance. - """ - self.op = op - - def setOpIfMissing(self, op :RuleOp) -> None: - """ - Sets the operator of the OpList if it's missing. - - Args: - op (str): Operator to be assigned to the OpList. - - Returns: - None - """ - if not self.op: self.op = op - - def __repr__(self, indent = "") -> str: - """ - (Private) Returns a string representation of the current OpList instance. - - Args: - indent (str): Indentation level . Defaults to "". - - Returns: - str: A string representation of the current OpList instance. - """ - nextIndent = indent + " " - return f"<{self.op}>[\n" + ",\n".join([ - f"{nextIndent}{item.__repr__(nextIndent) if isinstance(item, OpList) else item}" - for item in self ]) + f"\n{indent}]" - -class RuleStack: - """ - FILO stack structure to save the intermediate representation of a Rule during parsing, with the - current nesting level at the top of the stack. - """ - def __init__(self) -> None: - """ - (Private) initializes an instance of RuleStack. - - Returns: - None : practically, a RuleStack instance. - """ - self.__stack = [OpList()] # the stack starts out with the result list already allocated - self.__updateCurrent() - - def pop(self) -> None: - """ - Removes the OpList on top of the stack, also flattening it once when possible. - - Side Effects: - self : mut - - Returns: - None - """ - oldTop = self.__stack.pop() - if len(oldTop) == 1 and isinstance(oldTop[0], OpList): self.__stack[-1][-1] = oldTop[0] - self.__updateCurrent() - - def push(self, operator = "") -> None: - """ - Adds a new nesting level, in the form of a new OpList on top of the stack. - - Args: - operator : the operator assigned to the new OpList. - - Side Effects: - self : mut - - Returns: - None - """ - newLevel = OpList(operator) - self.current.append(newLevel) - self.__stack.append(newLevel) - self.__updateCurrent() - - def popForward(self) -> None: - """ - Moves the last "actual" item from the 2nd to last list to the beginning of the top list, as per - the example below: - stack : [list_a, list_b] - list_a : [item1, item2, list_b] --> [item1, list_b] - list_b : [item3, item4] --> [item2, item3, item4] - - This is essentially a "give back as needed" operation. - - Side Effects: - self : mut - - Returns: - None - """ - self.current.insert(0, self.__stack[-2].pop(-2)) - - def currentIsAnd(self) -> bool: - """ - Checks if the current OpList's assigned operator is "and". - - Returns: - bool : True if the current OpList's assigned operator is "and", False otherwise. - """ - return self.current.op is RuleOp.AND - - def obtain(self, err :Optional[utils.CustomErr] = None) -> Optional[OpList]: - """ - Obtains the first OpList on the stack, only if it's the only element. - - Args: - err : The error to raise if obtaining the result is not possible. - - Side Effects: - self : mut - - Raises: - err: If given, otherwise None is returned. - - Returns: - Optional[OpList]: The first OpList on the stack, only if it's the only element. - """ - - if len(self.__stack) == 1: return self.__stack.pop() - if err: raise err - return None - - def __updateCurrent(self) -> None: - """ - (Private) Updates the current OpList to the one on top of the stack. - - Side Effects: - self : mut - - Returns: - None - """ - self.current = self.__stack[-1] - -def parseRuleToNestedList(rule :str) -> OpList: - """ - Parse a single rule from its string representation to an OpList, making all priority explicit - through nesting levels. - - Args: - rule : the string representation of a rule to be parsed. - - Raises: - RuleErr : whenever something goes wrong during parsing. - - Returns: - OpList : the parsed rule. - """ - source = iter(rule - .replace("(", "( ").replace(")", " )") # Single out parens as words - .strip() # remove whitespace at extremities - .split()) # split by spaces - - stack = RuleStack() - nestingErr = RuleErr(rule, "mismatch between open and closed parentheses") - try: - while True: # keep reading until source ends - while True: - operand = next(source, None) # expected name or rule opening - if operand is None: raise RuleErr(rule, "found trailing open parentheses") - if operand == "and" or operand == "or" or operand == ")": # found operator instead, panic - raise RuleErr(rule, f"found \"{operand}\" in unexpected position") - - if operand != "(": break # found name - - # found rule opening, we add new nesting level but don't know the operator - stack.push() - - stack.current.append(operand) - - while True: # keep reading until operator is found or source ends - operator = next(source, None) # expected operator or rule closing - if operator and operator != ")": break # found operator - - if stack.currentIsAnd(): stack.pop() # we close the "and" chain - - if not operator: break - stack.pop() # we close the parentheses - - # we proceed with operator: - if not operator: break # there is no such thing as a double loop break.. yet - - if not RuleOp.isOperator(operator): raise RuleErr( - rule, f"found \"{operator}\" in unexpected position, expected operator") - - operator = RuleOp(operator) - if operator is RuleOp.OR and stack.currentIsAnd(): - stack.pop() - - elif operator is RuleOp.AND and not stack.currentIsAnd(): - stack.push(operator) - stack.popForward() - - stack.current.setOpIfMissing(operator) # buffer now knows what operator its data had - - except RuleErr as err: raise err # bubble up proper errors - except: raise nestingErr # everything else is interpreted as a nesting error. - - parsedRule = stack.obtain(nestingErr) - return parsedRule[0] if len(parsedRule) == 1 and isinstance(parsedRule[0], list) else parsedRule \ No newline at end of file