Carlos-Francisco Méndez-Cruz

Merge remote-tracking branch 'origin/master'

Showing 59 changed files with 10567 additions and 10122 deletions
python3 training_validation_v11.py --inputPath /home/egaytan/automatic-extraction-growth-conditions/CRF/data-sets --trainingFile training-data-set-70.txt --testFile test-data-set-30.txt --outputPath /home/egaytan/automatic-extraction-growth-conditions/CRF/ --Gridname Run1 --version _v11 > ../outputs/Run1_v11.txt
python3 training_validation_v11.py --inputPath /home/egaytan/automatic-extraction-growth-conditions/CRF/data-sets --trainingFile training-data-set-70.txt --testFile test-data-set-30.txt --outputPath /home/egaytan/automatic-extraction-growth-conditions/CRF/ --Gridname Run2 --version _v11 --S1 > ../outputs/Run2_v11.txt
python3 training_validation_v11.py --inputPath /home/egaytan/automatic-extraction-growth-conditions/CRF/data-sets --trainingFile training-data-set-70.txt --testFile test-data-set-30.txt --outputPath /home/egaytan/automatic-extraction-growth-conditions/CRF/ --Gridname Run3 --version _v11 --S2 > ../outputs/Run3_v11.txt
python3 training_validation_v11.py --inputPath /home/egaytan/automatic-extraction-growth-conditions/CRF/data-sets --trainingFile training-data-set-70.txt --testFile test-data-set-30.txt --outputPath /home/egaytan/automatic-extraction-growth-conditions/CRF/ --Gridname Run4 --version _v11 --S1 --S2 > ../outputs/Run4_v11.txt
python3 training_validation_v11.py --inputPath /home/egaytan/automatic-extraction-growth-conditions/CRF/data-sets --trainingFile training-data-set-70.txt --testFile test-data-set-30.txt --outputPath /home/egaytan/automatic-extraction-growth-conditions/CRF/ --Gridname Run5 --version _v11 --S3 > ../outputs/Run5_v11.txt
python3 training_validation_v11.py --inputPath /home/egaytan/automatic-extraction-growth-conditions/CRF/data-sets --trainingFile training-data-set-70.txt --testFile test-data-set-30.txt --outputPath /home/egaytan/automatic-extraction-growth-conditions/CRF/ --Gridname Run6 --version _v11 --S1 --S3 > ../outputs/Run6_v11.txt
python3 training_validation_v11.py --inputPath /home/egaytan/automatic-extraction-growth-conditions/CRF/data-sets --trainingFile training-data-set-70.txt --testFile test-data-set-30.txt --outputPath /home/egaytan/automatic-extraction-growth-conditions/CRF/ --Gridname Run7 --version _v11 --S2 --S3 > ../outputs/Run7_v11.txt
python3 training_validation_v11.py --inputPath /home/egaytan/automatic-extraction-growth-conditions/CRF/data-sets --trainingFile training-data-set-70.txt --testFile test-data-set-30.txt --outputPath /home/egaytan/automatic-extraction-growth-conditions/CRF/ --Gridname Run8 --version _v11 --S1 --S2 --S3 > ../outputs/Run8_v11.txt
python3 training_validation_v9.py --inputPath /home/egaytan/automatic-extraction-growth-conditions/CRF/data-sets --trainingFile training-data-set-70_v4.txt --testFile test-data-set-30_v4.txt --outputPath /home/egaytan/automatic-extraction-growth-conditions/CRF/ --Gridname Run1 --version _v1
python3 training_validation_v9.py --inputPath /home/egaytan/automatic-extraction-growth-conditions/CRF/data-sets --trainingFile training-data-set-70_v4.txt --testFile test-data-set-30_v4.txt --outputPath /home/egaytan/automatic-extraction-growth-conditions/CRF/ --Gridname Run2 --version _v1 --S1
python3 training_validation_v9.py --inputPath /home/egaytan/automatic-extraction-growth-conditions/CRF/data-sets --trainingFile training-data-set-70_v4.txt --testFile test-data-set-30_v4.txt --outputPath /home/egaytan/automatic-extraction-growth-conditions/CRF/ --Gridname Run3 --version _v1 --S2
python3 training_validation_v9.py --inputPath /home/egaytan/automatic-extraction-growth-conditions/CRF/data-sets --trainingFile training-data-set-70_v4.txt --testFile test-data-set-30_v4.txt --outputPath /home/egaytan/automatic-extraction-growth-conditions/CRF/ --Gridname Run4 --version _v1 --S1 --S2
python3 training_validation_v9.py --inputPath /home/egaytan/automatic-extraction-growth-conditions/CRF/data-sets --trainingFile training-data-set-70_v4.txt --testFile test-data-set-30_v4.txt --outputPath /home/egaytan/automatic-extraction-growth-conditions/CRF/ --Gridname Run5 --version _v1 --S3
python3 training_validation_v9.py --inputPath /home/egaytan/automatic-extraction-growth-conditions/CRF/data-sets --trainingFile training-data-set-70_v4.txt --testFile test-data-set-30_v4.txt --outputPath /home/egaytan/automatic-extraction-growth-conditions/CRF/ --Gridname Run6 --version _v1 --S1 --S3
python3 training_validation_v9.py --inputPath /home/egaytan/automatic-extraction-growth-conditions/CRF/data-sets --trainingFile training-data-set-70_v4.txt --testFile test-data-set-30_v4.txt --outputPath /home/egaytan/automatic-extraction-growth-conditions/CRF/ --Gridname Run7 --version _v1 --S2 --S3
python3 training_validation_v9.py --inputPath /home/egaytan/automatic-extraction-growth-conditions/CRF/data-sets --trainingFile training-data-set-70_v4.txt --testFile test-data-set-30_v4.txt --outputPath /home/egaytan/automatic-extraction-growth-conditions/CRF/ --Gridname Run8 --version _v1 --S1 --S2 --S3
# -*- coding: UTF-8 -*-
import os
from itertools import chain
from optparse import OptionParser
from time import time
from collections import Counter
import re
import nltk
import sklearn
import scipy.stats
import sys
from sklearn.externals import joblib
from sklearn.metrics import make_scorer
from sklearn.cross_validation import cross_val_score
from sklearn.grid_search import RandomizedSearchCV
import sklearn_crfsuite
from sklearn_crfsuite import scorers
from sklearn_crfsuite import metrics
from pandas import DataFrame as DF
from nltk.corpus import stopwords
# Objective
# Training and evaluation of CRFs with sklearn-crfsuite.
#
# Input parameters
# --inputPath=PATH Path of training and test data set
# --trainingFile File with training data set
# --testFile File with test data set
# --outputPath=PATH Output path to place output files
# --nameGrid Number of run
# --version Version Report
# Output
# 1) Best model
# 2) Report
# Examples
# python training_validation_v10.py
# --inputPath /home/egaytan/automatic-extraction-growth-conditions/CRF/data-sets
# --trainingFile training-data-set-70.txt
# --testFile test-data-set-30.txt
# --outputPath /home/egaytan/automatic-extraction-growth-conditions/CRF/
# --version _v1
# python3 training_validation_v9.py --inputPath /home/egaytan/automatic-extraction-growth-conditions/CRF/data-sets --trainingFile training-data-set-70.txt --testFile test-data-set-30.txt --outputPath /home/egaytan/automatic-extraction-growth-conditions/CRF/ --nameGrid Run1 --version _v1 --S1 --S2 --S3
##################################################################
# FEATURES #
##################################################################
#================== COMPLETE WORD FEATURES ======================#
def isGreek(word):
## Complete word are greek letters
alphabet = ['Α','Β','Γ','Δ','Ε','Ζ','Η','Θ','Ι','Κ','Λ','Μ','Ν','Ξ','Ο','Π','Ρ','Σ','Τ','Υ','Φ','Χ','Ψ','Ω',
'α','β','γ','δ','ε','ζ','η','θ','ι','κ','λ','μ','ν','ξ','ο','π','ρ','ς','σ','τ','υ','φ','χ','ψ','ω']
if word in alphabet:
return True
else:
return False
#================ INNER OF THE WORD FEATURES ====================#
def hNumber(word):
## Al leats has one greek letter
for l in word:
if l.isdigit():
return True
return False
def symb(word):
n=0
## At least a not alphanumeric character
for l in word:
if l.isdigit(): n = n+1
if l.isalpha(): n = n+1
#Exclude Greek letters
if isGreek(l): n = n+1
if n<len(word): return True
else: return False
def hUpper(word):
## At least an upper letter
for l in word:
if l.isupper(): return True
return False
def hLower(word):
## At least a lower letter
for l in word:
if l.islower(): return True
return False
def hGreek(word):
## At least a greek letter
for l in word:
if isGreek(l): return True
return False
#============================FEATURES===========================#
def word2features(sent, i, S1, S2, S3):
## Getting word features
## Saving CoreNLP annotations
listElem = sent[i].split('|')
word = listElem[0]
lemma = listElem[1]
postag = listElem[2]
#ner = listElem[4]
#=========================== G =============================#
## NAME LEVEL G
## FUTURE TYPE General features
features = {
## basal features
'lemma': lemma,
'postag': postag
}
## more tha one word in sentence
if i > 0:
## Anterior word
listElem = sent[i - 1].split('|')
## Saving CoreNLP annotations
lemma0 = listElem[1]
postag0 = listElem[2]
features.update({
#LemaG anterior
'-1:lemma': lemma0,
#Postag anterior
'-1:postag': postag0,
})
## is not the last word
if i < len(sent) - 1:
## Posterior word
listElem = sent[i + 1].split('|')
## Saving CoreNLP annotations
lemma2 = listElem[1]
postag2 = listElem[2]
features.update({
#LemaG posterior
'+1:lemma': lemma2,
#Postag posterior
'+1:postag': postag2,
})
#=========================== S1 =============================#
## NAME LEVEL S1
## FEATURE TYPE Inner word features
if S1:
#Add features
features['hUpper']= hUpper(word)
features['hLower']= hUpper(word)
features['hGreek']= hGreek(word)
features['symb']= symb(word)
#word firstChar
features['word[:1]']= word[:1]
#word secondChar
if len(word)>1:
features['word[:2]']= word[:2]
'''
#lemma and postag firstChar
features['lemma[:1]']= lemma[:1]
features['postag[:1]']= postag[:1]
#lemma and postag secondChar
if len(lemma)>1:
features['lemma[:2]']= lemma[:2]
if len(postag)>1:
features['postag[:2]']= postag[:2]
'''
#=========================== S2 =============================#
## NAME LEVEL S2
## FEATURE TYPE Complete word features
if S2:
#Add features
features['word']= word
features['isUpper']= word.isupper()
features['isLower']= word.islower()
features['isGreek']= isGreek(word)
features['isNumber']= word.isdigit()
## more tha one word in sentence
if i > 0:
## Anterior word
listElem = sent[i - 1].split('|')
## Saving CoreNLP annotations
word0 = listElem[0]
features['-1:word']= word0
## is not the last word
if i < len(sent)-1:
listElem = sent[i + 1].split('|')
## Saving CoreNLP annotations
word2 = listElem[0]
## Posterior word
features['+1:word']= word2
#=========================== S3 =============================#
## NAME LEVEL S3
## FEATURE TYPE Extended context features
if S3:
## more tha two words in sentence
if i > 1:
## two anterior lemma and postag
listElem = sent[i - 2].split('|')
## Saving CoreNLP annotations
lemma01 = listElem[1]
postag01 = listElem[2]
features['-2:lemma']= lemma01
features['-2:postag']= postag01
## is not the penultimate word
if i < len(sent) - 2:
listElem = sent[i + 2].split('|')
## Saving CoreNLP annotations
lemma02 = listElem[1]
postag02 = listElem[2]
## two posterior lemma and postag
features['+2:lemma']= lemma02
features['+2:postag']= postag02
return features
def sent2features(sent, S1, S2, S3):
## Itering in sentence for each word and saving its features
return [word2features(sent, i, S1, S2, S3) for i in range(len(sent))]
def sent2labels(sent):
## 3rd position by word is the label
return [elem.split('|')[3] for elem in sent]
def sent2tokens(sent):
return [token for token, postag, label in sent]
def print_transitions(trans_features, f):
for (label_from, label_to), weight in trans_features:
f.write("{:6} -> {:7} {:0.6f}\n".format(label_from, label_to, weight))
def print_state_features(state_features, f):
for (attr, label), weight in state_features:
f.write("{:0.6f} {:8} {}\n".format(weight, label, attr.encode("utf-8")))
__author__ = 'egaytan'
##################################################################
# MAIN PROGRAM #
##################################################################
if __name__ == "__main__":
## Defining parameters
parser = OptionParser()
parser.add_option("--inputPath", dest="inputPath", help="Path of training data set", metavar="PATH")
parser.add_option("--outputPath", dest="outputPath", help="Output path to place output files", metavar="PATH")
parser.add_option("--trainingFile", dest="trainingFile", help="File with training data set", metavar="FILE")
parser.add_option("--testFile", dest="testFile", help="File with test data set", metavar="FILE")
parser.add_option("--Gridname", dest="Gridname", help="Report number run", metavar="FILE")
parser.add_option("--version", dest="version", help="Report file", metavar="FILE")
parser.add_option("--S1", dest="S1", help="Future Type", action="store_true", default=False)
parser.add_option("--S2", dest="S2", help="Future Type", action="store_true", default=False)
parser.add_option("--S3", dest="S3", help="Future Type", action="store_true", default=False)
parser.add_option("--excludeStopWords", dest="excludeStopWords",help="Exclude stop words", action="store_true", default=False)
parser.add_option("--excludeSymbols", dest="excludeSymbols", help="Exclude punctuation marks", action="store_true", default=False)
(options, args) = parser.parse_args()
if len(args) > 0:
parser.error("Any parameter given.")
sys.exit(1)
print('-------------------------------- PARAMETERS --------------------------------')
print("Path of training data set: " + options.inputPath)
print("File with training data set: " + str(options.trainingFile))
print("Path of test data set: " + options.inputPath)
print("File with test data set: " + str(options.testFile))
print("Exclude stop words: " + str(options.excludeStopWords))
print("Levels: " + str(options.S1) + " " + str(options.S2))
print("Report file: " + str(options.version))
symbols = ['.', ',', ':', ';', '?', '!', '\'', '"', '<', '>', '(', ')', '-', '_', '/', '\\', '¿', '¡', '+', '{',
'}', '[', ']', '*', '%', '$', '#', '&', '°', '`', '...']
print("Exclude symbols: " + str(options.excludeSymbols))
print('-------------------------------- PROCESSING --------------------------------')
print('Reading corpus...')
t0 = time()
sentencesTrainingData = []
sentencesTestData = []
stopwords = [word for word in stopwords.words('english')]
with open(os.path.join(options.inputPath, options.trainingFile), "r") as iFile:
for line in iFile.readlines():
listLine = []
line = line.strip('\n')
for token in line.split():
if options.excludeStopWords:
listToken = token.split('|')
lemma = listToken[1]
if lemma in stopwords:
continue
if options.excludeSymbols:
listToken = token.split('|')
lemma = listToken[1]
if lemma in symbols:
continue
listLine.append(token)
sentencesTrainingData.append(listLine)
print(" Sentences training data: " + str(len(sentencesTrainingData)))
with open(os.path.join(options.inputPath, options.testFile), "r") as iFile:
for line in iFile.readlines():
listLine = []
line = line.strip('\n')
for token in line.split():
if options.excludeStopWords:
listToken = token.split('|')
lemma = listToken[1]
if lemma in stopwords:
continue
if options.excludeSymbols:
listToken = token.split('|')
lemma = listToken[1]
if lemma in symbols:
continue
listLine.append(token)
sentencesTestData.append(listLine)
print(" Sentences test data: " + str(len(sentencesTestData)))
print("Reading corpus done in: %fs" % (time() - t0))
print('-------------------------------- FEATURES --------------------------------')
Dtraning = sent2features(sentencesTrainingData[0], options.S1, options.S2, options.S3)[2]
Dtest = sent2features(sentencesTestData[0], options.S1, options.S2, options.S3)[2]
print('--------------------------Features Training ---------------------------')
print(DF(list(Dtraning.items())))
print('--------------------------- FeaturesTest -----------------------------')
print(DF(list(Dtest.items())))
t0 = time()
X_train = [sent2features(s, options.S1, options.S2, options.S3) for s in sentencesTrainingData]
y_train = [sent2labels(s) for s in sentencesTrainingData]
X_test = [sent2features(s, options.S1, options.S2, options.S3) for s in sentencesTestData]
# print X_test
y_test = [sent2labels(s) for s in sentencesTestData]
# Fixed parameters
# crf = sklearn_crfsuite.CRF(
# algorithm='lbfgs',
# c1=0.1,
# c2=0.1,
# max_iterations=100,
# all_pgossible_transitions=True
# )
# Hyperparameter Optimization
crf = sklearn_crfsuite.CRF(
algorithm='lbfgs',
max_iterations=100,
all_possible_transitions=True
)
params_space = {
'c1': scipy.stats.expon(scale=0.5),
'c2': scipy.stats.expon(scale=0.05),
}
# Original: labels = list(crf.classes_)
# Original: labels.remove('O')
labels = list(['Gtype', 'Gversion', 'Med', 'Phase', 'Strain', 'Substrain', 'Supp', 'Technique', 'Temp', 'OD', 'Anti', 'Agit', 'Air', 'Vess', 'pH'])
# use the same metric for evaluation
f1_scorer = make_scorer(metrics.flat_f1_score,
average='weighted', labels=labels)
# search
rs = RandomizedSearchCV(crf, params_space,
cv=10,
verbose=3,
n_jobs=-1,
n_iter=20,
# n_iter=50,
scoring=f1_scorer)
rs.fit(X_train, y_train)
# Fixed parameters
# crf.fit(X_train, y_train)
# Best hiperparameters
# crf = rs.best_estimator_
nameReport = str(options.Gridname) + str(options.version) + '.txt'
with open(os.path.join(options.outputPath, "reports", "report_" + nameReport), mode="w") as oFile:
oFile.write("********** TRAINING AND TESTING REPORT **********\n")
oFile.write("Training file: " + options.trainingFile + '\n')
oFile.write('\n')
oFile.write('best params:' + str(rs.best_params_) + '\n')
oFile.write('best CV score:' + str(rs.best_score_) + '\n')
oFile.write('model size: {:0.2f}M\n'.format(rs.best_estimator_.size_ / 1000000))
print("Training done in: %fs" % (time() - t0))
t0 = time()
# Update best crf
crf = rs.best_estimator_
# Saving model
print(" Saving training model...")
t1 = time()
nameModel = 'model_S1_' + str(options.S1) + '_S2_' + str(options.S2) + str(options.version) + '.mod'
joblib.dump(crf, os.path.join(options.outputPath, "models", nameModel))
print(" Saving training model done in: %fs" % (time() - t1))
# Evaluation against test data
y_pred = crf.predict(X_test)
print("*********************************")
print("Prediction done in: %fs" % (time() - t0))
# labels = list(crf.classes_)
# labels.remove('O')
with open(os.path.join(options.outputPath, "reports", "report_" + nameReport), mode="a") as oFile:
oFile.write('\n')
oFile.write("Flat F1: " + str(metrics.flat_f1_score(y_test, y_pred, average='weighted', labels=labels)))
oFile.write('\n')
# labels = list(crf.classes_)
sorted_labels = sorted(
labels,
key=lambda name: (name[1:], name[0])
)
oFile.write(metrics.flat_classification_report(
y_test, y_pred, labels=sorted_labels, digits=3
))
oFile.write('\n')
oFile.write("\nTop likely transitions:\n")
print_transitions(Counter(crf.transition_features_).most_common(50), oFile)
oFile.write('\n')
oFile.write("\nTop unlikely transitions:\n")
print_transitions(Counter(crf.transition_features_).most_common()[-50:], oFile)
oFile.write('\n')
oFile.write("\nTop positive:\n")
print_state_features(Counter(crf.state_features_).most_common(200), oFile)
oFile.write('\n')
oFile.write("\nTop negative:\n")
print_state_features(Counter(crf.state_features_).most_common()[-200:], oFile)
oFile.write('\n')
# -*- coding: UTF-8 -*-
import os
from itertools import chain
from optparse import OptionParser
from time import time
from collections import Counter
import re
import nltk
import sklearn
import scipy.stats
import sys
from sklearn.externals import joblib
from sklearn.metrics import make_scorer
from sklearn.cross_validation import cross_val_score
from sklearn.grid_search import RandomizedSearchCV
import sklearn_crfsuite
from sklearn_crfsuite import scorers
from sklearn_crfsuite import metrics
from pandas import DataFrame as DF
from nltk.corpus import stopwords
# Objective
# Training and evaluation of CRFs with sklearn-crfsuite.
#
# Input parameters
# --inputPath=PATH Path of training and test data set
# --trainingFile File with training data set
# --testFile File with test data set
# --outputPath=PATH Output path to place output files
# --nameGrid Number of run
# --version Version Report
# Output
# 1) Best model
# 2) Report
# Examples
# python training_validation_v10.py
# --inputPath /home/egaytan/automatic-extraction-growth-conditions/CRF/data-sets
# --trainingFile training-data-set-70.txt
# --testFile test-data-set-30.txt
# --outputPath /home/egaytan/automatic-extraction-growth-conditions/CRF/
# --version _v1
# python3 training_validation_v9.py --inputPath /home/egaytan/automatic-extraction-growth-conditions/CRF/data-sets --trainingFile training-data-set-70.txt --testFile test-data-set-30.txt --outputPath /home/egaytan/automatic-extraction-growth-conditions/CRF/ --nameGrid Run1 --version _v1 --S1 --S2 --S3
##################################################################
# FEATURES #
##################################################################
#================== COMPLETE WORD FEATURES ======================#
def isGreek(word):
## Complete word are greek letters
alphabet = ['Α','Β','Γ','Δ','Ε','Ζ','Η','Θ','Ι','Κ','Λ','Μ','Ν','Ξ','Ο','Π','Ρ','Σ','Τ','Υ','Φ','Χ','Ψ','Ω',
'α','β','γ','δ','ε','ζ','η','θ','ι','κ','λ','μ','ν','ξ','ο','π','ρ','ς','σ','τ','υ','φ','χ','ψ','ω']
if word in alphabet:
return True
else:
return False
#================ INNER OF THE WORD FEATURES ====================#
def hNumber(word):
## Al leats has one greek letter
for l in word:
if l.isdigit():
return True
return False
def symb(word):
n=0
## At least a not alphanumeric character
for l in word:
if l.isdigit(): n = n+1
if l.isalpha(): n = n+1
#Exclude Greek letters
if isGreek(l): n = n+1
if n<len(word): return True
else: return False
def hUpper(word):
## At least an upper letter
for l in word:
if l.isupper(): return True
return False
def hLower(word):
## At least a lower letter
for l in word:
if l.islower(): return True
return False
def hGreek(word):
## At least a greek letter
for l in word:
if isGreek(l): return True
return False
#============================FEATURES===========================#
def word2features(sent, i, S1, S2, S3):
## Getting word features
## Saving CoreNLP annotations
listElem = sent[i].split('|')
word = listElem[0]
lemma = listElem[1]
postag = listElem[2]
#ner = listElem[4]
#=========================== G =============================#
## NAME LEVEL G
## FUTURE TYPE General features
features = {
## basal features
'lemma': lemma,
'postag': postag
}
## more tha one word in sentence
if i > 0:
## Anterior word
listElem = sent[i - 1].split('|')
## Saving CoreNLP annotations
lemma0 = listElem[1]
postag0 = listElem[2]
features.update({
#LemaG anterior
'-1:lemma': lemma0,
#Postag anterior
'-1:postag': postag0,
})
## is not the last word
if i < len(sent) - 1:
## Posterior word
listElem = sent[i + 1].split('|')
## Saving CoreNLP annotations
lemma2 = listElem[1]
postag2 = listElem[2]
features.update({
#LemaG posterior
'+1:lemma': lemma2,
#Postag posterior
'+1:postag': postag2,
})
#=========================== S1 =============================#
## NAME LEVEL S1
## FEATURE TYPE Inner word features
if S1:
#Add features
features['hUpper']= hUpper(word)
features['hLower']= hUpper(word)
features['hGreek']= hGreek(word)
features['symb']= symb(word)
'''
#word firstChar
features['word[:1]']= word[:1]
#word secondChar
if len(word)>1:
features['word[:2]']= word[:2]
'''
#lemma and postag firstChar
features['lemma[:1]']= lemma[:1]
features['postag[:1]']= postag[:1]
#lemma and postag secondChar
if len(lemma)>1:
features['lemma[:2]']= lemma[:2]
if len(postag)>1:
features['postag[:2]']= postag[:2]
#=========================== S2 =============================#
## NAME LEVEL S2
## FEATURE TYPE Complete word features
if S2:
#Add features
features['word']= word
features['isUpper']= word.isupper()
features['isLower']= word.islower()
features['isGreek']= isGreek(word)
features['isNumber']= word.isdigit()
## more tha one word in sentence
if i > 0:
## Anterior word
listElem = sent[i - 1].split('|')
## Saving CoreNLP annotations
word0 = listElem[0]
features['-1:word']= word0
## is not the last word
if i < len(sent)-1:
listElem = sent[i + 1].split('|')
## Saving CoreNLP annotations
word2 = listElem[0]
## Posterior word
features['+1:word']= word2
#=========================== S3 =============================#
## NAME LEVEL S3
## FEATURE TYPE Extended context features
if S3:
## more tha two words in sentence
if i > 1:
## two anterior lemma and postag
listElem = sent[i - 2].split('|')
## Saving CoreNLP annotations
lemma01 = listElem[1]
postag01 = listElem[2]
features['-2:lemma']= lemma01
features['-2:postag']= postag01
## is not the penultimate word
if i < len(sent) - 2:
listElem = sent[i + 2].split('|')
## Saving CoreNLP annotations
lemma02 = listElem[1]
postag02 = listElem[2]
## two posterior lemma and postag
features['+2:lemma']= lemma02
features['+2:postag']= postag02
return features
def sent2features(sent, S1, S2, S3):
## Itering in sentence for each word and saving its features
return [word2features(sent, i, S1, S2, S3) for i in range(len(sent))]
def sent2labels(sent):
## 3rd position by word is the label
return [elem.split('|')[3] for elem in sent]
def sent2tokens(sent):
return [token for token, postag, label in sent]
def print_transitions(trans_features, f):
for (label_from, label_to), weight in trans_features:
f.write("{:6} -> {:7} {:0.6f}\n".format(label_from, label_to, weight))
def print_state_features(state_features, f):
for (attr, label), weight in state_features:
f.write("{:0.6f} {:8} {}\n".format(weight, label, attr.encode("utf-8")))
__author__ = 'egaytan'
##################################################################
# MAIN PROGRAM #
##################################################################
if __name__ == "__main__":
## Defining parameters
parser = OptionParser()
parser.add_option("--inputPath", dest="inputPath", help="Path of training data set", metavar="PATH")
parser.add_option("--outputPath", dest="outputPath", help="Output path to place output files", metavar="PATH")
parser.add_option("--trainingFile", dest="trainingFile", help="File with training data set", metavar="FILE")
parser.add_option("--testFile", dest="testFile", help="File with test data set", metavar="FILE")
parser.add_option("--Gridname", dest="Gridname", help="Report number run", metavar="FILE")
parser.add_option("--version", dest="version", help="Report file", metavar="FILE")
parser.add_option("--S1", dest="S1", help="Future Type", action="store_true", default=False)
parser.add_option("--S2", dest="S2", help="Future Type", action="store_true", default=False)
parser.add_option("--S3", dest="S3", help="Future Type", action="store_true", default=False)
parser.add_option("--excludeStopWords", dest="excludeStopWords",help="Exclude stop words", action="store_true", default=False)
parser.add_option("--excludeSymbols", dest="excludeSymbols", help="Exclude punctuation marks", action="store_true", default=False)
(options, args) = parser.parse_args()
if len(args) > 0:
parser.error("Any parameter given.")
sys.exit(1)
print('-------------------------------- PARAMETERS --------------------------------')
print("Path of training data set: " + options.inputPath)
print("File with training data set: " + str(options.trainingFile))
print("Path of test data set: " + options.inputPath)
print("File with test data set: " + str(options.testFile))
print("Exclude stop words: " + str(options.excludeStopWords))
print("Levels: " + str(options.S1) + " " + str(options.S2))
print("Report file: " + str(options.version))
symbols = ['.', ',', ':', ';', '?', '!', '\'', '"', '<', '>', '(', ')', '-', '_', '/', '\\', '¿', '¡', '+', '{',
'}', '[', ']', '*', '%', '$', '#', '&', '°', '`', '...']
print("Exclude symbols: " + str(options.excludeSymbols))
print('-------------------------------- PROCESSING --------------------------------')
print('Reading corpus...')
t0 = time()
sentencesTrainingData = []
sentencesTestData = []
stopwords = [word for word in stopwords.words('english')]
with open(os.path.join(options.inputPath, options.trainingFile), "r") as iFile:
for line in iFile.readlines():
listLine = []
line = line.strip('\n')
for token in line.split():
if options.excludeStopWords:
listToken = token.split('|')
lemma = listToken[1]
if lemma in stopwords:
continue
if options.excludeSymbols:
listToken = token.split('|')
lemma = listToken[1]
if lemma in symbols:
continue
listLine.append(token)
sentencesTrainingData.append(listLine)
print(" Sentences training data: " + str(len(sentencesTrainingData)))
with open(os.path.join(options.inputPath, options.testFile), "r") as iFile:
for line in iFile.readlines():
listLine = []
line = line.strip('\n')
for token in line.split():
if options.excludeStopWords:
listToken = token.split('|')
lemma = listToken[1]
if lemma in stopwords:
continue
if options.excludeSymbols:
listToken = token.split('|')
lemma = listToken[1]
if lemma in symbols:
continue
listLine.append(token)
sentencesTestData.append(listLine)
print(" Sentences test data: " + str(len(sentencesTestData)))
print("Reading corpus done in: %fs" % (time() - t0))
print('-------------------------------- FEATURES --------------------------------')
Dtraning = sent2features(sentencesTrainingData[0], options.S1, options.S2, options.S3)[2]
Dtest = sent2features(sentencesTestData[0], options.S1, options.S2, options.S3)[2]
print('--------------------------Features Training ---------------------------')
print(DF(list(Dtraning.items())))
print('--------------------------- FeaturesTest -----------------------------')
print(DF(list(Dtest.items())))
t0 = time()
X_train = [sent2features(s, options.S1, options.S2, options.S3) for s in sentencesTrainingData]
y_train = [sent2labels(s) for s in sentencesTrainingData]
X_test = [sent2features(s, options.S1, options.S2, options.S3) for s in sentencesTestData]
# print X_test
y_test = [sent2labels(s) for s in sentencesTestData]
# Fixed parameters
# crf = sklearn_crfsuite.CRF(
# algorithm='lbfgs',
# c1=0.1,
# c2=0.1,
# max_iterations=100,
# all_pgossible_transitions=True
# )
# Hyperparameter Optimization
crf = sklearn_crfsuite.CRF(
algorithm='lbfgs',
max_iterations=100,
all_possible_transitions=True
)
params_space = {
'c1': scipy.stats.expon(scale=0.5),
'c2': scipy.stats.expon(scale=0.05),
}
# Original: labels = list(crf.classes_)
# Original: labels.remove('O')
labels = list(['Gtype', 'Gversion', 'Med', 'Phase', 'Strain', 'Substrain', 'Supp', 'Technique', 'Temp', 'OD', 'Anti', 'Agit', 'Air', 'Vess', 'pH'])
# use the same metric for evaluation
f1_scorer = make_scorer(metrics.flat_f1_score,
average='weighted', labels=labels)
# search
rs = RandomizedSearchCV(crf, params_space,
cv=10,
verbose=3,
n_jobs=-1,
n_iter=20,
# n_iter=50,
scoring=f1_scorer)
rs.fit(X_train, y_train)
# Fixed parameters
# crf.fit(X_train, y_train)
# Best hiperparameters
# crf = rs.best_estimator_
nameReport = str(options.Gridname) + str(options.version) + '.txt'
with open(os.path.join(options.outputPath, "reports", "report_" + nameReport), mode="w") as oFile:
oFile.write("********** TRAINING AND TESTING REPORT **********\n")
oFile.write("Training file: " + options.trainingFile + '\n')
oFile.write('\n')
oFile.write('best params:' + str(rs.best_params_) + '\n')
oFile.write('best CV score:' + str(rs.best_score_) + '\n')
oFile.write('model size: {:0.2f}M\n'.format(rs.best_estimator_.size_ / 1000000))
print("Training done in: %fs" % (time() - t0))
t0 = time()
# Update best crf
crf = rs.best_estimator_
# Saving model
print(" Saving training model...")
t1 = time()
nameModel = 'model_S1_' + str(options.S1) + '_S2_' + str(options.S2) + str(options.version) + '_S3_' + str(options.S3) + '.mod'
joblib.dump(crf, os.path.join(options.outputPath, "models", nameModel))
print(" Saving training model done in: %fs" % (time() - t1))
# Evaluation against test data
y_pred = crf.predict(X_test)
print("*********************************")
print("Prediction done in: %fs" % (time() - t0))
# labels = list(crf.classes_)
# labels.remove('O')
with open(os.path.join(options.outputPath, "reports", "report_" + nameReport), mode="a") as oFile:
oFile.write('\n')
oFile.write("Flat F1: " + str(metrics.flat_f1_score(y_test, y_pred, average='weighted', labels=labels)))
oFile.write('\n')
# labels = list(crf.classes_)
sorted_labels = sorted(
labels,
key=lambda name: (name[1:], name[0])
)
oFile.write(metrics.flat_classification_report(
y_test, y_pred, labels=sorted_labels, digits=3
))
oFile.write('\n')
oFile.write("\nTop likely transitions:\n")
print_transitions(Counter(crf.transition_features_).most_common(50), oFile)
oFile.write('\n')
oFile.write("\nTop unlikely transitions:\n")
print_transitions(Counter(crf.transition_features_).most_common()[-50:], oFile)
oFile.write('\n')
oFile.write("\nTop positive:\n")
print_state_features(Counter(crf.state_features_).most_common(200), oFile)
oFile.write('\n')
oFile.write("\nTop negative:\n")
print_state_features(Counter(crf.state_features_).most_common()[-200:], oFile)
oFile.write('\n')
affyexp|affyexp|JJ|O _|_|NN|O delta-arcA|delta-arca|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O anaerobic|anaerobic|JJ|Air _|_|NN|O 2|2|CD|O .|.|.|O CEL|CEL|NNP|O
affyexp|affyexp|JJ|O _|_|NN|O delta-arcA|delta-arca|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O anaerobic|anaerobic|JJ|Air _|_|NN|O 3|3|CD|O .|.|.|O CEL|CEL|NNP|O
affyexp|affyexp|JJ|O _|_|NN|O delta-arcA|delta-arca|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4Cl|nh4cl|NN|Supp _|_|CD|O NO3|no3|NN|Supp _|_|NN|O 1|1|CD|O .|.|.|O CEL|CEL|NNP|O
affyexp|affyexp|JJ|O _|_|NN|O delta-arcA|delta-arca|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4Cl|nh4cl|NN|Supp _|_|CD|O NO3|no3|NN|Supp _|_|CD|O 3|3|CD|O .|.|.|O CEL|CEL|NNP|O
affyexp|affyexp|JJ|O _|_|NN|O delta-fnr|delta-fnr|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O anaerobic|anaerobic|JJ|Air _|_|NN|O 2|2|CD|O .|.|.|O CEL|CEL|NNP|O
affyexp|affyexp|JJ|O _|_|NN|O delta-fnr|delta-fnr|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O anaerobic|anaerobic|JJ|Air _|_|NN|O 3|3|CD|O .|.|.|O CEL|CEL|NNP|O
affyexp|affyexp|JJ|O _|_|NN|O delta-fnr|delta-fnr|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4Cl|nh4cl|NN|Supp _|_|CD|O NO3|no3|NN|Supp _|_|NN|O 2|2|CD|O .|.|.|O CEL|CEL|NNP|O
affyexp|affyexp|JJ|O _|_|NN|O wt|wt|JJ|Gtype _|_|NN|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O anaerobic|anaerobic|JJ|Air _|_|NN|O 2|2|CD|O .|.|.|O CEL|CEL|NNP|O
Anaerobic|anaerobic|JJ|Air cultures|culture|NNS|O
All|all|DT|O strains|strain|NNS|O used|use|VBN|O in|in|IN|O this|this|DT|O study|study|NN|O were|be|VBD|O E.|e.|FW|O coli|coli|FW|O K-12|k-12|NN|O MG1655|mg1655|NN|O and|and|CC|O its|its|PRP$|O derivatives|derivative|NNS|O .|.|.|O The|the|DT|O deletion|deletion|NN|O mutants|mutant|NNS|O -LRB-|-lrb-|-LRB-|O Δfnr|δfnr|NN|O and|and|CC|O ΔarcA|δarca|NN|O -RRB-|-rrb-|-RRB-|O were|be|VBD|O constructed|construct|VBN|O by|by|IN|O a|a|DT|O λ|λ|NN|O red|red|JJ|O and|and|CC|O FLP-mediated|flp-mediated|JJ|O site-specific|site-specific|JJ|O recombination|recombination|NN|O method|method|NN|O .|.|.|O Glycerol|glycerol|NN|O stocks|stock|NNS|O of|of|IN|O E.|e.|FW|O coli|coli|FW|O strains|strain|NNS|O were|be|VBD|O inoculated|inoculate|VBN|O into|into|IN|O M9|m9|NN|O minimal|minimal|JJ|O medium|medium|NN|O containing|contain|VBG|O 0.2|0.2|CD|O %|%|NN|O -LRB-|-lrb-|-LRB-|O w/v|w/v|NN|O -RRB-|-rrb-|-RRB-|O carbon|carbon|NN|O source|source|NN|O -LRB-|-lrb-|-LRB-|O glucose|glucose|NN|O -RRB-|-rrb-|-RRB-|O and|and|CC|O 0.1|0.1|CD|O %|%|NN|O -LRB-|-lrb-|-LRB-|O w/v|w/v|NN|O -RRB-|-rrb-|-RRB-|O nitrogen|nitrogen|NN|O source|source|NN|O -LRB-|-lrb-|-LRB-|O NH4Cl|nh4cl|NN|O -RRB-|-rrb-|-RRB-|O ,|,|,|O and|and|CC|O cultured|culture|VBN|O overnight|overnight|JJ|O at|at|IN|O 37|37|CD|O °C|°c|NN|O with|with|IN|O constant|constant|JJ|O agitation|agitation|NN|O .|.|.|O The|the|DT|O cultures|culture|NNS|O were|be|VBD|O diluted|dilute|VBN|O 1:100|1:100|CD|O into|into|IN|O fresh|fresh|JJ|O minimal|minimal|JJ|Med medium|medium|NN|Med and|and|CC|O then|then|RB|O cultured|culture|VBN|O at|at|IN|O 37|37|CD|Temp °C|°c|NN|Temp to|to|TO|O an|a|DT|O appropriate|appropriate|JJ|O cell|cell|NN|O density|density|NN|O with|with|IN|O constant|constant|JJ|O agitation|agitation|NN|O .|.|.|O For|for|IN|O the|the|DT|O anaerobic|anaerobic|JJ|O cultures|culture|NNS|O ,|,|,|O the|the|DT|O minimal|minimal|JJ|O medium|medium|NN|O were|be|VBD|O flushed|flush|VBN|O with|with|IN|O nitrogen|nitrogen|NN|O and|and|CC|O then|then|RB|O continuously|continuously|RB|O monitored|monitor|VBN|O using|use|VBG|O a|a|DT|O polarographic-dissolved|polarographic-dissolved|JJ|O oxygen|oxygen|NN|O probe|probe|NN|O -LRB-|-lrb-|-LRB-|O Cole-Parmer|Cole-Parmer|NNP|O Instruments|Instruments|NNP|O -RRB-|-rrb-|-RRB-|O to|to|TO|O ensure|ensure|VB|O anaerobicity|anaerobicity|NN|O .|.|.|O For|for|IN|O nitrate|nitrate|JJ|O respiration|respiration|NN|O 20|20|CD|Supp mmol|mmol|NN|Supp potassium|potassium|NN|Supp nitrate|nitrate|JJ|Supp was|be|VBD|O added|add|VBN|O .|.|.|O
antibody|antibody|NN|O :|:|:|O 9E10|9e10|CD|Anti Myc|myc|NN|Anti tag|tag|NN|Anti antibody|antibody|NN|O
antibody|antibody|NN|O :|:|:|O Pre-cleared|pre-cleared|JJ|Anti FNR|fnr|NN|Anti antibody|antibody|NN|Anti
antibody|antibody|NN|O :|:|:|O Pre-cleared|pre-cleared|JJ|Anti H-NS|h-ns|NN|Anti polyclonal|polyclonal|JJ|Anti antibody|antibody|NN|Anti
ArgR|argr|NN|O _|_|CD|O Arginine|arginine|NN|Supp _|_|NN|O 2|2|CD|O
ArgR|argr|NN|O _|_|CD|O NH4Cl|nh4cl|NN|Supp _|_|NN|O 2|2|CD|O
At|at|IN|O OD450|od450|NN|OD =|=|JJ|OD 0.3|0.3|CD|OD ,|,|,|O cultures|culture|NNS|O induced|induce|VBN|O with|with|IN|O 1|1|CD|Supp mM|mm|NN|Supp IPTG|iptg|NN|Supp .|.|.|O Cells|cell|NNS|O harvested|harvest|VBD|O 10|10|CD|O min|min|NN|O after|after|IN|O induction|induction|NN|O
carbon|carbon|NN|O source|source|NN|O :|:|:|O fructose|fructose|NN|Supp
carbon|carbon|NN|O source|source|NN|O :|:|:|O glucose|glucose|NN|Supp
Cells|cell|NNS|O were|be|VBD|O grown|grow|VBN|O aerobically|aerobically|RB|Air -LRB-|-lrb-|-LRB-|Air 25|25|CD|Air %|%|NN|Air O2|o2|CD|Air ,|,|,|Air 70|70|CD|Air %|%|NN|Air N2|n2|NN|Air and|and|CC|Air 5|5|CD|Air %|%|NN|Air CO2|co2|NN|Air -RRB-|-rrb-|-RRB-|Air until|until|IN|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase -LRB-|-lrb-|-LRB-|O OD600|od600|NN|OD of|of|IN|OD 0.35|0.35|CD|OD -RRB-|-rrb-|-RRB-|O and|and|CC|O treated|treat|VBN|O with|with|IN|O 1|1|CD|O %|%|NN|O final|final|JJ|O volumen|voluman|NNS|O formaldehyde|formaldehyde|NN|O for|for|IN|O ten|ten|CD|O minutes|minute|NNS|O .|.|.|O Sodium|sodium|NN|O phosphate|phosphate|NN|O -LRB-|-lrb-|-LRB-|O 1/100|1/100|CD|O vol|vol|NN|O .|.|.|O of|of|IN|O 1M|1m|NN|O ,|,|,|O pH|ph|NN|O 7.6|7.6|CD|O ;|;|:|O 10|10|CD|O mM|mm|NN|O final|final|JJ|O -RRB-|-rrb-|-RRB-|O was|be|VBD|O added|add|VBN|O to|to|TO|O the|the|DT|O mid-log|mid-log|JJ|O cultures|culture|NNS|O followed|follow|VBN|O by|by|IN|O formaldehyde|formaldehyde|NN|O to|to|TO|O 1|1|CD|O %|%|NN|O final|final|JJ|O ,|,|,|O and|and|CC|O anaerobic|anaerobic|JJ|O sparging|sparging|NN|O was|be|VBD|O continued|continue|VBN|O for|for|IN|O 10|10|CD|O min|min|NN|O .|.|.|O Cold|Cold|NNP|O 2.5|2.5|CD|O M|m|NN|O glycine|glycine|NN|O was|be|VBD|O added|add|VBN|O to|to|TO|O 100mM|100mm|NN|O and|and|CC|O the|the|DT|O mixture|mixture|NN|O was|be|VBD|O incubated|incubate|VBN|O at|at|IN|O 4|4|CD|O °C|°c|NN|O with|with|IN|O anaerobic|anaerobic|JJ|O sparging|sparging|NN|O for|for|IN|O 30|30|CD|O minutes|minute|NNS|O to|to|TO|O stop|stop|VB|O the|the|DT|O crosslinking|crosslinking|NN|O .|.|.|O Cells|cell|NNS|O were|be|VBD|O spun|spin|VBN|O at|at|IN|O 5000|5000|CD|O x|x|CC|O g|g|NN|O ,|,|,|O and|and|CC|O washed|wash|VBN|O repeatedly|repeatedly|RB|O with|with|IN|O phosphate|phosphate|NN|O buffered|buffer|VBN|O saline|saline|NN|O before|before|IN|O being|be|VBG|O frozen|freeze|VBN|O at|at|IN|O -80|-80|CD|O °C|°c|NN|O .|.|.|O
Cells|cell|NNS|O were|be|VBD|O grown|grow|VBN|O aerobically|aerobically|RB|Air -LRB-|-lrb-|-LRB-|Air 70|70|CD|Air %|%|NN|Air N2|n2|NN|Air ,|,|,|Air 25|25|CD|Air %|%|NN|Air O2|o2|CD|Air ,|,|,|Air and|and|CC|Air 5|5|CD|Air %|%|NN|Air CO2|co2|NN|Air -RRB-|-rrb-|-RRB-|Air or|or|CC|O anaerobically|anaerobically|RB|O -LRB-|-lrb-|-LRB-|O 95|95|CD|O %|%|NN|O N2|n2|NN|O and|and|CC|O 5|5|CD|O %|%|NN|O CO2|co2|NN|O -RRB-|-rrb-|-RRB-|O until|until|IN|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase -LRB-|-lrb-|-LRB-|O OD600|od600|NN|OD of|of|IN|OD ~|~|NN|OD 0.3-0.35|0.3-0.35|CD|OD -RRB-|-rrb-|-RRB-|O .|.|.|O
Cells|cell|NNS|O were|be|VBD|O grown|grow|VBN|O aerobically|aerobically|RB|Air -LRB-|-lrb-|-LRB-|Air 70|70|CD|Air %|%|NN|Air N2|n2|NN|Air ,|,|,|Air 25|25|CD|Air %|%|NN|Air O2|o2|CD|Air ,|,|,|Air and|and|CC|Air 5|5|CD|Air %|%|NN|Air CO2|co2|NN|Air -RRB-|-rrb-|-RRB-|Air or|or|CC|O anaerobically|anaerobically|RB|O -LRB-|-lrb-|-LRB-|O 95|95|CD|O %|%|NN|O N2|n2|NN|O and|and|CC|O 5|5|CD|O %|%|NN|O CO2|co2|NN|O -RRB-|-rrb-|-RRB-|O until|until|IN|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase -LRB-|-lrb-|-LRB-|O OD600|od600|NN|OD of|of|IN|OD ~|~|NN|OD 0.3-0.35|0.3-0.35|CD|OD -RRB-|-rrb-|-RRB-|O in|in|IN|O MOPS|MOPS|NNP|Med minimal|minimal|JJ|Med glucose|glucose|NN|Med media|media|NNS|Med containing|contain|VBG|O 10|10|CD|Supp µM|µm|NN|Supp FeSO4|feso4|NN|Supp .|.|.|O
Cells|cell|NNS|O were|be|VBD|O grown|grow|VBN|O in|in|IN|O 65|65|CD|O ml|ml|NN|O LB|lb|NN|O medium|medium|NN|O at|at|IN|O 30|30|CD|O °C|°c|NN|O to|to|TO|O an|a|DT|O OD600|od600|NN|OD of|of|IN|OD about|about|IN|OD 0.3|0.3|CD|OD .|.|.|O Subsequently|subsequently|RB|O 30|30|CD|O ml|ml|NN|O of|of|IN|O culture|culture|NN|O were|be|VBD|O transformed|transform|VBN|O to|to|TO|O a|a|DT|O pre|pre|JJ|O warmed|warm|VBN|O flask|flask|NN|Vess at|at|IN|O 43|43|CD|Temp °C|°c|NN|Temp -LRB-|-lrb-|-LRB-|Temp see|see|VB|Temp heat|heat|NN|Temp sample|sample|NN|Temp -RRB-|-rrb-|-RRB-|Temp and|and|CC|O the|the|DT|O remainder|remainder|NN|O kept|keep|VBD|O at|at|IN|O 30|30|CD|Temp °C|°c|NN|Temp .|.|.|O
Cells|cell|NNS|O were|be|VBD|O grown|grow|VBN|O in|in|IN|O LB|LB|NNP|Med media|media|NNS|Med with|with|IN|O 1mM|1mm|NN|Supp IPTG|iptg|NN|Supp at|at|IN|O 37|37|CD|Temp °C|°c|NN|Temp with|with|IN|O shaking|shake|VBG|O for|for|IN|O 2|2|CD|Supp hours|hour|NNS|Supp
chip|chip|NN|O antibody|antibody|NN|O :|:|:|O anti-rpoB|anti-rpob|JJ|Anti -LRB-|-lrb-|-LRB-|O Santa|Santa|NNP|O Cruz|Cruz|NNP|O Biotech|Biotech|NNP|O ,|,|,|O sc-56766|sc-56766|NN|O -RRB-|-rrb-|-RRB-|O
chip-ArcA|chip-arca|NN|O _|_|CD|O ArcA8myc|arca8myc|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O NO3|no3|NN|Supp _|_|NN|O 1|1|CD|O
chip-ArcA|chip-arca|NN|O _|_|CD|O ArcA8myc|arca8myc|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O NO3|no3|NN|Supp _|_|NN|O 2|2|CD|O
chip-Fnr|chip-fnr|JJ|O _|_|NN|O Fnr8myc|fnr8myc|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O NO3|no3|NN|Supp _|_|NN|O 1|1|CD|O
chip-Fnr|chip-fnr|JJ|O _|_|NN|O Fnr8myc|fnr8myc|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O NO3|no3|NN|Supp _|_|NN|O 2|2|CD|O
Cra|Cra|NNP|O glucose|glucose|NN|Supp 2|2|CD|O
culture|culture|NN|O condition|condition|NN|O :|:|:|O Aerobic|Aerobic|NNP|Air cultures|culture|NNS|O
Ecoli|ecolus|NNS|O _|_|VBP|O dFNR|dfnr|NN|Gtype _|_|CD|O rep1|rep1|NN|O _|_|CD|O anaerobic|anaerobic|JJ|Air
E.|E.|NNP|O coli|coli|NN|O K-12|k-12|NN|O MG1655|mg1655|NN|O WT|wt|NN|O and|and|CC|O Fur-8-myc|fur-8-myc|NN|O tagged|tag|VBD|O strains|strain|NNS|O were|be|VBD|O grown|grow|VBN|O to|to|TO|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase aerobically|aerobically|RB|Air at|at|IN|O 37|37|CD|Temp °C|°c|NN|Temp in|in|IN|O M9|m9|NN|Med minimal|minimal|JJ|Med media|media|NNS|Med supplemented|supplement|VBN|O with|with|IN|O 0.2|0.2|CD|Supp %|%|NN|Supp glucose|glucose|NN|Supp .|.|.|O For|for|IN|O iron|iron|NN|O treated|treat|VBN|O cells|cell|NNS|O ,|,|,|O 0.1|0.1|CD|O mM|mm|NN|O of|of|IN|O FeCl2|fecl2|NN|O were|be|VBD|O treated|treat|VBN|O from|from|IN|O the|the|DT|O beginning|beginning|NN|O of|of|IN|O culture|culture|NN|O ,|,|,|O and|and|CC|O for|for|IN|O DPD|dpd|NN|O treated|treat|VBN|O cells|cell|NNS|O ,|,|,|O 0.2|0.2|CD|Supp mM|mm|NN|Supp of|of|IN|Supp DPD|dpd|NN|Supp were|be|VBD|O added|add|VBN|O at|at|IN|O early-log|early-log|JJ|O phase|phase|NN|O and|and|CC|O continued|continue|VBD|O to|to|TO|O culture|culture|NN|O for|for|IN|O additional|additional|JJ|O 2h|2h|NN|Supp .|.|.|O For|for|IN|O the|the|DT|O rifampicin-treated|rifampicin-treated|JJ|O cultures|culture|NNS|O ,|,|,|O the|the|DT|O rifampicin|rifampicin|NN|Supp dissolved|dissolve|VBN|Supp in|in|IN|Supp methanol|methanol|NN|Supp was|be|VBD|O added|add|VBN|O to|to|TO|O a|a|DT|O final|final|JJ|O concentration|concentration|NN|O of|of|IN|O 150|150|CD|Supp mg/mL|mg/ml|NN|Supp at|at|IN|O mid-log|mid-log|JJ|O phase|phase|NN|O and|and|CC|O stirred|stir|VBD|O for|for|IN|O 20|20|CD|Supp min|min|NN|Supp .|.|.|O
E.|E.|NNP|O coli|coli|NN|O K-12|k-12|NN|O MG1655|mg1655|NN|O WT|wt|NN|O and|and|CC|O Fur-8-myc|fur-8-myc|NN|O tagged|tag|VBD|O strains|strain|NNS|O were|be|VBD|O grown|grow|VBN|O to|to|TO|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase aerobically|aerobically|RB|Air at|at|IN|O 37|37|CD|Temp °C|°c|NN|Temp in|in|IN|O M9|m9|NN|Med minimal|minimal|JJ|Med media|media|NNS|Med supplemented|supplement|VBN|O with|with|IN|O 0.2|0.2|CD|Supp %|%|NN|Supp glucose|glucose|NN|Supp .|.|.|O For|for|IN|O iron|iron|NN|O treated|treat|VBN|O cells|cell|NNS|O ,|,|,|O 0.1|0.1|CD|Supp mM|mm|NN|Supp of|of|IN|Supp FeCl2|fecl2|NN|Supp were|be|VBD|O treated|treat|VBN|O from|from|IN|O the|the|DT|O beginning|beginning|NN|O of|of|IN|O culture|culture|NN|O ,|,|,|O and|and|CC|O for|for|IN|O DPD|dpd|NN|O treated|treat|VBN|O cells|cell|NNS|O ,|,|,|O 0.2|0.2|CD|O mM|mm|NN|O of|of|IN|O DPD|dpd|NN|O were|be|VBD|O added|add|VBN|O at|at|IN|O early-log|early-log|JJ|O phase|phase|NN|O and|and|CC|O continued|continue|VBD|O to|to|TO|O culture|culture|NN|O for|for|IN|O additional|additional|JJ|O 2h|2h|NN|Supp .|.|.|O For|for|IN|O the|the|DT|O rifampicin-treated|rifampicin-treated|JJ|O cultures|culture|NNS|O ,|,|,|O the|the|DT|O rifampicin|rifampicin|NN|O dissolved|dissolve|VBN|O in|in|IN|O methanol|methanol|NN|O was|be|VBD|O added|add|VBN|O to|to|TO|O a|a|DT|O final|final|JJ|O concentration|concentration|NN|O of|of|IN|O 150|150|CD|O mg/mL|mg/ml|NN|O at|at|IN|O mid-log|mid-log|JJ|O phase|phase|NN|O and|and|CC|O stirred|stir|VBD|O for|for|IN|O 20|20|CD|O min|min|NN|O .|.|.|O
E.|E.|NNP|O coli|coli|NN|O K-12|k-12|NN|O MG1655|mg1655|NN|O WT|WT|NNP|O ,|,|,|O and|and|CC|O Δcra|Δcra|NNP|O were|be|VBD|O grown|grow|VBN|O to|to|TO|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase aerobically|aerobically|RB|Air at|at|IN|O 37|37|CD|Temp °C|°c|NN|Temp in|in|IN|O M9|m9|NN|Med minimal|minimal|JJ|Med media|media|NNS|Med supplemented|supplement|VBN|O with|with|IN|O 0.2|0.2|CD|Supp %|%|NN|Supp glucose|glucose|NN|Supp ,|,|,|O fructose|fructose|NN|O and|and|CC|O acetate|acetate|NN|O .|.|.|O
E.|E.|NNP|O coli|coli|NN|O K-12|k-12|NN|O MG1655|mg1655|NN|O WT|wt|NN|O and|and|CC|O Δfur|δfur|NN|O were|be|VBD|O grown|grow|VBN|O to|to|TO|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase aerobically|aerobically|RB|Air at|at|IN|O 37|37|CD|Temp °C|°c|NN|Temp in|in|IN|O M9|m9|NN|Med minimal|minimal|JJ|Med media|media|NNS|Med supplemented|supplement|VBN|O with|with|IN|O 0.2|0.2|CD|Supp %|%|NN|Supp glucose|glucose|NN|Supp .|.|.|O For|for|IN|O iron|iron|NN|O treated|treat|VBN|O cells|cell|NNS|O ,|,|,|O 0.1|0.1|CD|Supp mM|mm|NN|Supp of|of|IN|Supp FeCl2|fecl2|NN|Supp were|be|VBD|O treated|treat|VBN|O from|from|IN|O the|the|DT|O beginning|beginning|NN|O of|of|IN|O culture|culture|NN|O ,|,|,|O and|and|CC|O for|for|IN|O DPD|dpd|NN|O treated|treat|VBN|O cells|cell|NNS|O ,|,|,|O 0.2|0.2|CD|O mM|mm|NN|O of|of|IN|O DPD|dpd|NN|O were|be|VBD|O added|add|VBN|O at|at|IN|O early-log|early-log|JJ|O phase|phase|NN|O and|and|CC|O continued|continue|VBD|O to|to|TO|O culture|culture|NN|O for|for|IN|O additional|additional|JJ|O 2h|2h|NN|O .|.|.|O
E.|E.|NNP|O coli|coli|NN|O K-12|k-12|NN|O MG1655|mg1655|NN|O WT|wt|NN|O ,|,|,|O ΔoxyR|δoxyr|NN|O ,|,|,|O ΔsoxR|δsoxr|NN|O ,|,|,|O and|and|CC|O ΔsoxS|δsoxs|NN|O were|be|VBD|O grown|grow|VBN|O to|to|TO|O mid-log|mid-log|JJ|O phase|phase|NN|O aerobically|aerobically|RB|Air at|at|IN|O 37|37|CD|Temp °C|°c|NN|Temp in|in|IN|O M9|m9|NN|Med minimal|minimal|JJ|Med media|media|NNS|Med supplemented|supplement|VBN|O with|with|IN|O 0.2|0.2|CD|Supp %|%|NN|Supp glucose|glucose|NN|Supp .|.|.|O Then|then|RB|O cells|cell|NNS|O were|be|VBD|O treated|treat|VBN|O with|with|IN|O 250|250|CD|O uM|um|NN|O of|of|IN|O paraquat|paraquat|NN|O at|at|IN|O mid-log|mid-log|JJ|O pahse|pahse|NN|O for|for|IN|O 20|20|CD|O min|min|NN|O with|with|IN|O agitation|agitation|NN|O .|.|.|O
E.|E.|NNP|O coli|coli|NN|O strains|strain|NNS|O harboring|harbor|VBG|O PurR-8myc|purr-8myc|NN|O were|be|VBD|O grown|grow|VBN|O in|in|IN|O minimal|minimal|JJ|O M9|m9|NN|O medium|medium|NN|O supplemented|supplement|VBN|O with|with|IN|O glucose|glucose|NN|O -LRB-|-lrb-|-LRB-|O 2|2|CD|O g/L|g/l|NN|O -RRB-|-rrb-|-RRB-|O then|then|RB|O inoculated|inoculate|VBN|O into|into|IN|O 100mL|100ml|NN|O of|of|IN|O fresh|fresh|JJ|O M9|m9|NN|Med minimal|minimal|JJ|Med medium|medium|NN|Med supplemented|supplement|VBN|O with|with|IN|O 100ug/L|100ug/l|NN|Supp adenine|adenine|NN|Supp .|.|.|O
Escherichia|escherichia|FW|O coli|coli|FW|O ,|,|,|O expressing|express|VBG|O NsrR|nsrr|NN|Gtype with|with|IN|O a|a|DT|O C-terminal|c-terminal|JJ|O Flag-tag|flag-tag|NN|Gtype ,|,|,|O was|be|VBD|O grown|grow|VBN|O anaerobically|anaerobically|RB|Air in|in|IN|O L|L|NNP|Med broth|broth|NN|Med supplemented|supplement|VBN|O with|with|IN|O glucose|glucose|NN|Supp and|and|CC|O nitrate|nitrate|VBP|Supp .|.|.|O
FNR|fnr|SYM|O -|-|:|O Anaerobic|anaerobic|JJ|Air -|-|:|O A|a|NN|O
FNR|fnr|SYM|O -|-|:|O Anaerobic|anaerobic|JJ|Air -|-|:|O Affinity|affinity|NN|O Purified|purify|VBN|O -|-|:|O B|b|NN|O
FNR|fnr|SYM|O -|-|:|O Anaerobic|anaerobic|JJ|Air -|-|:|O C|c|NN|O
Fur|Fur|NNP|O IP|IP|NNP|O ChIP-Seq|ChIP-Seq|NNP|Technique Anaerobic|Anaerobic|NNP|Air A|A|NNP|O
Fur|Fur|NNP|O IP|IP|NNP|O ChIP-Seq|ChIP-Seq|NNP|Technique Anaerobic|anaerobic|JJ|Air C|c|NN|O
Fur|Fur|NNP|O with|with|IN|O DPD|dpd|NN|Supp 1|1|CD|O -LRB-|-lrb-|-LRB-|Technique ChIP-exo|chip-exo|NN|Technique -RRB-|-rrb-|-RRB-|Technique
genotype|genotype|NN|O :|:|:|O delta|delta|NN|O -|-|:|O crp|crp|NN|Gtype Knock-out|knock-out|JJ|Gtype strain|strain|NN|Gtype
genotype|genotype|NN|O :|:|:|O Lrp-8myc|lrp-8myc|JJ|Gtype
genotype|genotype|NN|O :|:|:|O ompR|ompr|NN|Gtype deletion|deletion|NN|Gtype mutant|mutant|JJ|Gtype
genotype|genotype|NN|O :|:|:|O PurR-8myc|purr-8myc|NN|Gtype
genotype/variation|genotype/variation|NN|O :|:|:|O delta-gadW|delta-gadw|NN|Gtype
genotype/variation|genotype/variation|NN|O :|:|:|O delta-oxyR|delta-oxyr|NN|Gtype
genotype/variation|genotype/variation|NN|O :|:|:|O lacking|lack|VBG|Gtype the|the|DT|Gtype small|small|JJ|Gtype RNA|rna|NN|Gtype RyhB|ryhb|NN|Gtype
genotype/variation|genotype/variation|NN|O :|:|:|O lacking|lack|VBG|Gtype the|the|DT|Gtype transcription|transcription|NN|Gtype factor|factor|NN|Gtype Fur|Fur|NNP|Gtype and|and|CC|Gtype the|the|DT|Gtype small|small|JJ|Gtype RNA|rna|NN|Gtype RyhB|ryhb|NN|Gtype
genotype/variation|genotype/variation|NN|O :|:|:|O soxR-8myc|soxr-8myc|NN|Gtype -|-|:|O tagged|tag|VBN|O
genotype/variation|genotype/variation|NN|O :|:|:|O Wild-type|wild-type|JJ|Gtype
genotype/variation|genotype/variation|NN|O :|:|:|O Δfur|δfur|NN|Gtype
genotype/variation|genotype/variation|NN|O :|:|:|O harboring|harbor|VBG|O Fnr-8myc|fnr-8myc|JJ|Gtype
genoype|genoype|NN|O :|:|:|O Wild-Type|wild-type|JJ|Gtype
growth|growth|NN|O condition|condition|NN|O :|:|:|O Anaerobic|anaerobic|JJ|Air
growth|growth|NN|O condition|condition|NN|O :|:|:|O 16|16|CD|Supp µM|µm|NN|Supp IPTG|iptg|NN|Supp
growth|growth|NN|O condition|condition|NN|O :|:|:|O 4|4|CD|Supp µM|µm|NN|Supp IPTG|iptg|NN|Supp
growth|growth|NN|O condition|condition|NN|O :|:|:|O glucose|glucose|NN|Supp
∆|∆|CD|Gtype fur|fur|NN|Gtype Anaerobic|anaerobic|JJ|Air A|a|DT|O
NsrR|nsrr|NN|Gtype _|_|CD|Gtype Flagtag|flagtag|NN|Gtype _|_|CD|O rep2|rep2|NN|O
Ptac|ptac|NN|Gtype :|:|:|Gtype :|:|:|Gtype fnr|fnr|NN|Gtype -|-|:|O B|b|NN|O -|-|:|O 16|16|CD|Supp µM|µm|NN|Supp IPTG|iptg|NN|Supp
Ptac|ptac|NN|Gtype :|:|:|Gtype :|:|:|Gtype fnr|fnr|NN|Gtype -|-|:|O B|b|NN|O -|-|:|O 4|4|CD|Supp µM|µm|NN|Supp IPTG|iptg|NN|Supp
Wild|Wild|NNP|Gtype type|type|NN|Gtype control|control|NN|O -LRB-|-lrb-|-LRB-|O 10|10|CD|O min|min|NN|O -RRB-|-rrb-|-RRB-|O
Wild|Wild|NNP|Gtype type|type|NN|Gtype control|control|NN|O -LRB-|-lrb-|-LRB-|O 20|20|CD|O min|min|NN|O -RRB-|-rrb-|-RRB-|O
WT|wt|JJ|Gtype acetate|acetate|NN|Supp 2|2|CD|O
WT|wt|JJ|Gtype fructose|fructose|NN|Supp 1|1|CD|O
WT|wt|JJ|Gtype fructose|fructose|NN|Supp 2|2|CD|O
WT|wt|JJ|Gtype glucose|glucose|NN|Supp 1|1|CD|O
WT|wt|JJ|Gtype PQ|pq|NN|Supp 1|1|CD|O
WT|wt|JJ|Gtype with|with|IN|O Fe|Fe|NNP|Supp 2|2|CD|O -LRB-|-lrb-|-LRB-|Technique RNA-seq|rna-seq|NN|Technique -RRB-|-rrb-|-RRB-|Technique
Δcra|δcra|NN|Gtype acetate|acetate|NN|Supp 1|1|CD|O
ΔgadX|δgadx|NN|Gtype pH5|ph5|NN|pH .5|.5|CD|pH 1|1|CD|O
ΔompR|δompr|NN|Gtype NaCl|nacl|NN|Supp 2|2|CD|O
ΔoxyR|δoxyr|NN|Gtype PQ|pq|NN|Supp 1|1|CD|O
ΔsoxS|δsoxs|NN|Gtype PQ|pq|NN|Supp 1|1|CD|O
ΔsoxS|δsoxs|NN|Gtype PQ|pq|NN|Supp 2|2|CD|O
HNS|hns|SYM|O -|-|:|O Aerobic|aerobic|JJ|Air A|a|DT|O
HNS|hns|SYM|O -|-|:|O Anaerobic|anaerobic|JJ|Air B|b|NN|O
Lrp|Lrp|NNP|O _|_|SYM|O NH4Cl|nh4cl|NN|Supp _|_|NN|O 1|1|CD|O
Lrp|Lrp|NNP|O _|_|SYM|O NH4Cl|nh4cl|NN|Supp _|_|NN|O 2|2|CD|O
Lrp|lrp|NN|O _|_|CD|O NH4Cl|nh4cl|NN|Supp _|_|CD|O 3|3|CD|O
medium|medium|NN|O :|:|:|O LB|LB|NNP|Med
medium|medium|NN|O :|:|:|O M63|m63|NN|Med
LB|lb|NN|Med 0.4|0.4|CD|O B1|b1|NN|O TEX|tex|NN|O neg|neg|NN|O L1|l1|NN|O GA|ga|NN|O
LB|lb|NN|Med 0.4|0.4|CD|O B2|b2|NN|O TEX|TEX|NNP|O neg|neg|NNP|O L1|l1|NN|O HS1|hs1|NN|O
LB|lb|NN|Med 0.4|0.4|CD|O B2|b2|NN|O TEX|TEX|NNP|O pos|po|VBZ|O L1|l1|NN|O HS2|hs2|NN|O
LB|lb|NN|Med 2.0|2.0|CD|O B2|b2|NN|O TEX|TEX|NNP|O neg|neg|NNP|O L1|l1|NN|O HS2|hs2|NN|O
LB|lb|NN|Med 2.0|2.0|CD|O B2|b2|NN|O TEX|TEX|NNP|O pos|po|VBZ|O L1|l1|NN|O HS2|hs2|NN|O
M63|m63|NN|Med 0.4|0.4|CD|O B1|b1|NN|O TEX|tex|NN|O neg|neg|NN|O L1|l1|NN|O GA|ga|NN|O
M63|m63|NN|Med 0.4|0.4|CD|O B2|b2|NN|O TEX|TEX|NNP|O neg|neg|NNP|O L1|l1|NN|O HS2|hs2|NN|O
NtrC|ntrc|NN|O _|_|CD|O ChIPSeq|chipseq|NN|Technique
OmpR|ompr|NN|O NaCl|nacl|NN|Supp 2|2|CD|O
OmpR|ompr|NN|O _|_|CD|O ChIPSeq|chipseq|NN|Technique
OxyR|oxyr|NN|O PQ|pq|NN|Supp 2|2|CD|O
pT7|pt7|NN|O _|_|CD|O ChIPSeq|chipseq|NN|Technique _|_|NN|O 2|2|CD|O
PurR|purr|NN|O _|_|SYM|O Adenine|Adenine|NNP|Supp _|_|SYM|O 1|1|CD|O
PurR|purr|NN|O _|_|CD|O glucose|glucose|NN|Supp _|_|NN|O 1|1|CD|O
RpoB|rpob|NN|O ∆|∆|CD|Gtype cra|cra|NN|Gtype 1|1|CD|O
RpoB|rpob|NN|O ∆|∆|CD|Gtype crp|crp|NN|Gtype 1|1|CD|O
RpoB|rpob|NN|O ∆|∆|CD|Gtype crp|crp|NN|Gtype 2|2|CD|O
RpoB|rpob|NN|O with|with|IN|O DPD|dpd|NN|Supp 1|1|CD|O -LRB-|-lrb-|-LRB-|Technique ChIP-exo|chip-exo|NN|Technique -RRB-|-rrb-|-RRB-|Technique
RpoB|rpob|NN|O with|with|IN|O Fe|Fe|NNP|Supp 1|1|CD|O -LRB-|-lrb-|-LRB-|Technique ChIP-exo|chip-exo|NN|Technique -RRB-|-rrb-|-RRB-|Technique
RpoB|rpob|NN|O with|with|IN|O Fe|Fe|NNP|Supp and|and|CC|O rifampicin|rifampicin|NN|Supp 1|1|CD|O -LRB-|-lrb-|-LRB-|Technique ChIP-exo|chip-exo|NN|Technique -RRB-|-rrb-|-RRB-|Technique
SeqA|seqa|NN|O new|new|JJ|O deltaSeqA|deltaseqa|NN|Gtype
Sodium|sodium|NN|O phosphate|phosphate|NN|O -LRB-|-lrb-|-LRB-|O 1/100|1/100|CD|O vol|vol|NN|O .|.|.|O of|of|IN|O 1M|1m|NN|O ,|,|,|O pH|ph|NN|O 7.6|7.6|CD|O ;|;|:|O 10|10|CD|O mM|mm|NN|O final|final|JJ|O -RRB-|-rrb-|-RRB-|O was|be|VBD|O added|add|VBN|O to|to|TO|O the|the|DT|O mid-log|mid-log|NN|Phase cultures|culture|NNS|O followed|follow|VBN|O by|by|IN|O formaldehyde|formaldehyde|NN|O to|to|TO|O 1|1|CD|O %|%|NN|O final|final|JJ|O and|and|CC|O anaerobic|anaerobic|JJ|O sparging|sparging|NN|O was|be|VBD|O continued|continue|VBN|O for|for|IN|O 10|10|CD|O min|min|NN|O .|.|.|O Cold|Cold|NNP|O 2.5|2.5|CD|O M|m|NN|O glycine|glycine|NN|O was|be|VBD|O added|add|VBN|O to|to|TO|O 100mM|100mm|NN|O and|and|CC|O the|the|DT|O mixture|mixture|NN|O was|be|VBD|O incubated|incubate|VBN|O at|at|IN|O 4|4|CD|O °C|°c|NN|O with|with|IN|O anaerobic|anaerobic|JJ|O sparging|sparging|NN|O for|for|IN|O 30|30|CD|O minutes|minute|NNS|O to|to|TO|O stop|stop|VB|O the|the|DT|O crosslinking|crosslinking|NN|O .|.|.|O Cells|cell|NNS|O were|be|VBD|O spun|spin|VBN|O at|at|IN|O 3500|3500|CD|O x|x|CC|O g|g|NN|O ,|,|,|O and|and|CC|O washed|wash|VBN|O repeatedly|repeatedly|RB|O with|with|IN|O phosphate|phosphate|NN|O buffered|buffer|VBN|O saline|saline|NN|O before|before|IN|O being|be|VBG|O frozen|freeze|VBN|O at|at|IN|O -80|-80|CD|O °C|°c|NN|O .|.|.|O Cell|cell|NN|O pellets|pellet|NNS|O -LRB-|-lrb-|-LRB-|O from|from|IN|O initial|initial|JJ|O 250|250|CD|O mL|ml|NN|O of|of|IN|O culture|culture|NN|O -RRB-|-rrb-|-RRB-|O were|be|VBD|O thawed|thaw|VBN|O and|and|CC|O resuspended|resuspend|VBN|O in|in|IN|O 250|250|CD|O μL|μl|NN|O of|of|IN|O IP|IP|NNP|O buffer|buffer|NN|O -LRB-|-lrb-|-LRB-|O 100|100|CD|O mM|mm|NN|O Tris|Tris|NNP|O pH|ph|NN|O 8|8|CD|O ,|,|,|O 300|300|CD|O mM|mm|NN|O NaCl|nacl|NN|O ,|,|,|O 1|1|CD|O %|%|NN|O TritonX-100|tritonx-100|NN|O -RRB-|-rrb-|-RRB-|O and|and|CC|O sonicated|sonicate|VBN|O using|use|VBG|O a|a|DT|O microtip|microtip|NN|O sonicator|sonicator|NN|O set|set|VBN|O at|at|IN|O 10|10|CD|O %|%|NN|O output|output|NN|O for|for|IN|O 20|20|CD|O second|second|JJ|O intervals|interval|NNS|O with|with|IN|O periods|period|NNS|O of|of|IN|O cooling|cool|VBG|O in|in|IN|O between|between|IN|O .|.|.|O Cells|cell|NNS|O were|be|VBD|O then|then|RB|O treated|treat|VBN|O for|for|IN|O one|one|CD|O hour|hour|NN|O at|at|IN|O 4|4|CD|O °C|°c|NN|O with|with|IN|O RNase|rnase|NN|O A|a|NN|O -LRB-|-lrb-|-LRB-|O 2|2|CD|O ng/ml|ng/ml|NN|O -RRB-|-rrb-|-RRB-|O ,|,|,|O micrococcal|micrococcal|JJ|O nuclease|nuclease|NN|O -LRB-|-lrb-|-LRB-|O 50|50|CD|O units|unit|NNS|O -RRB-|-rrb-|-RRB-|O ,|,|,|O 20|20|CD|O μM|μm|NN|O CaCl2|cacl2|NN|O ,1.2|,1.2|CD|O mM|mm|NN|O KCl|kcl|NN|O ,|,|,|O 0.3|0.3|CD|O mM|mm|NN|O NaCl|nacl|NN|O ,|,|,|O 6|6|CD|O mM|mm|NN|O sucrose|sucrose|NN|O ,|,|,|O and|and|CC|O 10|10|CD|O μM|μm|NN|O DTT|dtt|NN|O .|.|.|O EDTA|edta|NN|O was|be|VBD|O added|add|VBN|O to|to|TO|O 10|10|CD|O mM|mm|NN|O to|to|TO|O stop|stop|VB|O the|the|DT|O micrococcal|micrococcal|JJ|O nuclease|nuclease|NN|O and|and|CC|O the|the|DT|O samples|sample|NNS|O were|be|VBD|O spun|spin|VBN|O down|down|RP|O to|to|TO|O remove|remove|VB|O cell|cell|NN|O debris|debris|NN|O .|.|.|O The|the|DT|O lysate|lysate|NN|O was|be|VBD|O then|then|RB|O precleared|preclear|VBN|O through|through|IN|O incubation|incubation|NN|O with|with|IN|O a|a|DT|O 50/50|50/50|CD|O slurry|slurry|NN|O of|of|IN|O sepharose|sepharose|NN|O protein|protein|NN|O A|a|NN|O beads|bead|NNS|O in|in|IN|O IP|IP|NNP|O buffer|buffer|NN|O for|for|IN|O 2-3|2-3|CD|O hours|hour|NNS|O at|at|IN|O 4|4|CD|O °C|°c|NN|O .|.|.|O The|the|DT|O beads|bead|NNS|O were|be|VBD|O removed|remove|VBN|O by|by|IN|O centrifugation|centrifugation|NN|O and|and|CC|O antibody|antibody|NN|O was|be|VBD|O added|add|VBN|O to|to|TO|O the|the|DT|O pre-cleared|pre-cleared|JJ|O lysate|lysate|NN|O for|for|IN|O an|a|DT|O overnight|overnight|JJ|O incubation|incubation|NN|O .|.|.|O The|the|DT|O next|next|JJ|O day|day|NN|O ,|,|,|O 30|30|CD|O μl|μl|NN|O of|of|IN|O a|a|DT|O 50/50|50/50|CD|O slurry|slurry|NN|O of|of|IN|O sepharose|sepharose|NN|O protein|protein|NN|O A|a|NN|O beads|bead|NNS|O in|in|IN|O IP|IP|NNP|O buffer|buffer|NN|O was|be|VBD|O added|add|VBN|O to|to|TO|O the|the|DT|O lysate|lysate|NN|O to|to|TO|O capture|capture|VB|O antibody-protein-DNA|antibody-protein-dna|JJ|O complex|complex|NN|O for|for|IN|O one|one|CD|O hour|hour|NN|O at|at|IN|O 4|4|CD|O °C|°c|NN|O .|.|.|O Beads|bead|NNS|O were|be|VBD|O then|then|RB|O washed|wash|VBN|O once|once|RB|O with|with|IN|O 1|1|CD|O ml|ml|NN|O of|of|IN|O LiCl|licl|NN|O wash|wash|NN|O buffer|buffer|NN|O -LRB-|-lrb-|-LRB-|O 100|100|CD|O mM|mm|NN|O Tris|Tris|NNP|O pH|ph|NN|O 8|8|CD|O ,|,|,|O 250|250|CD|O mM|mm|NN|O LiCl|licl|NN|O ,|,|,|O 2|2|CD|O %|%|NN|O TritonX-100|tritonx-100|NN|O -RRB-|-rrb-|-RRB-|O ,|,|,|O twice|twice|RB|O with|with|IN|O 600|600|CD|O mM|mm|NN|O NaCl|nacl|NN|O wash|wash|NN|O buffer|buffer|NN|O -LRB-|-lrb-|-LRB-|O 100|100|CD|O mM|mm|NN|O Tris|Tris|NNP|O pH|ph|NN|O 8|8|CD|O ,|,|,|O 600|600|CD|O mM|mm|NN|O NaCl|nacl|NN|O ,|,|,|O 2|2|CD|O %|%|NN|O TritonX-100|tritonx-100|NN|O -RRB-|-rrb-|-RRB-|O ,|,|,|O twice|twice|RB|O with|with|IN|O 300|300|CD|O mM|mm|NN|O NaCl|nacl|NN|O wash|wash|NN|O buffer|buffer|NN|O -LRB-|-lrb-|-LRB-|O 100|100|CD|O mM|mm|NN|O Tris|Tris|NNP|O pH|ph|NN|O 8|8|CD|O ,|,|,|O 300|300|CD|O mM|mm|NN|O NaCl|nacl|NN|O ,|,|,|O 2|2|CD|O %|%|NN|O TritonX-100|tritonx-100|NN|O -RRB-|-rrb-|-RRB-|O ,|,|,|O and|and|CC|O twice|twice|RB|O with|with|IN|O TE|te|NN|O .|.|.|O Elution|elution|NN|O buffer|buffer|NN|O -LRB-|-lrb-|-LRB-|O 50|50|CD|O mM|mm|NN|O Tris|Tris|NNP|O pH|ph|NN|O 8|8|CD|O ,|,|,|O 10|10|CD|O mM|mm|NN|O EDTA|edta|NN|O ,|,|,|O 1|1|CD|O %|%|NN|O SDS|sds|NN|O -RRB-|-rrb-|-RRB-|O was|be|VBD|O added|add|VBN|O after|after|IN|O the|the|DT|O final|final|JJ|O wash|wash|NN|O step|step|NN|O ,|,|,|O and|and|CC|O beads|bead|NNS|O were|be|VBD|O incubated|incubate|VBN|O at|at|IN|O 65|65|CD|O °C|°c|NN|O for|for|IN|O 30|30|CD|O minutes|minute|NNS|O to|to|TO|O remove|remove|VB|O the|the|DT|O crosslinked|crosslink|VBN|O protein-DNA|protein-dna|JJ|O complexes|complex|NNS|O from|from|IN|O the|the|DT|O beads|bead|NNS|O .|.|.|O After|after|IN|O centrifugation|centrifugation|NN|O to|to|TO|O remove|remove|VB|O the|the|DT|O beads|bead|NNS|O ,|,|,|O the|the|DT|O samples|sample|NNS|O were|be|VBD|O incubated|incubate|VBN|O overnight|overnight|RB|O at|at|IN|O 65|65|CD|O °C|°c|NN|O to|to|TO|O reverse|reverse|VB|O the|the|DT|O protein-DNA|protein-dna|JJ|O formaldehyde|formaldehyde|NN|O crosslinks|crosslink|NNS|O .|.|.|O DNA|dna|NN|O was|be|VBD|O purified|purify|VBN|O using|use|VBG|O Qiagen|Qiagen|NNP|O 's|'s|POS|O PCR|pcr|NN|O Purification|purification|NN|O kit|kit|NN|O and|and|CC|O eluted|elute|VBN|O to|to|TO|O a|a|DT|O final|final|JJ|O volume|volume|NN|O of|of|IN|O 50|50|CD|O μl|μl|NN|O with|with|IN|O EB|EB|NNP|O .|.|.|O
ß|ß|SYM|O -|-|:|O Aerobic|aerobic|JJ|Air -|-|:|O B|b|NN|O
ß|ß|SYM|O -|-|:|O Anaerobic|anaerobic|JJ|Air -|-|:|O A|a|NN|O
strain|strain|NN|O :|:|:|O PK4854|pk4854|NN|Gtype
strain|strain|NN|O :|:|:|O MG1655|mg1655|NN|O K-12|k-12|NN|O WT|wt|JJ|Gtype
strain|strain|NN|O :|:|:|O K-12|k-12|NN|Strain
ChIP-exo|chip-exo|NN|Technique GadX|gadx|NN|O pH5|ph5|NN|pH .5|.5|CD|pH 1|1|CD|O
ChIP-exo|chip-exo|NN|Technique GadX|gadx|NN|O pH5|ph5|NN|pH .5|.5|CD|pH 2|2|CD|O
ChIP-exo|ChIP-exo|NNP|Technique RpoS|rpos|NN|O pH5|ph5|NN|pH .5|.5|CD|pH 1|1|CD|O
To|to|TO|O harvest|harvest|VB|O total|total|JJ|O RNA|rna|NN|O samples|sample|NNS|O ,|,|,|O overnight|overnight|JJ|O cultures|culture|NNS|O of|of|IN|O wild|wild|JJ|Gtype type|type|NN|Gtype MG1655|mg1655|NN|O grown|grow|VBN|O in|in|IN|O LB|lb|NN|O at|at|IN|O 37|37|CD|O ˚C|˚c|NN|O were|be|VBD|O diluted|dilute|VBN|O back|back|RB|O 1:500|1:500|CD|O in|in|IN|O either|either|CC|O fresh|fresh|JJ|O LB|lb|NN|O or|or|CC|O M63|m63|NN|O minimal|minimal|JJ|O glucose|glucose|NN|O medium|medium|NN|O and|and|CC|O allowed|allow|VBN|O to|to|TO|O grow|grow|VB|O until|until|IN|O the|the|DT|O cultures|culture|NNS|O reached|reach|VBD|O an|a|DT|O OD600|od600|NN|O of|of|IN|O ~|~|NN|O 0.4|0.4|CD|O and|and|CC|O 2.0|2.0|CD|O for|for|IN|O cultures|culture|NNS|O grown|grow|VBN|O in|in|IN|O LB|lb|NN|O and|and|CC|O an|a|DT|O OD600|od600|NN|O of|of|IN|O ~|~|NN|O 0.4|0.4|CD|O for|for|IN|O cultures|culture|NNS|O grown|grow|VBN|O in|in|IN|O M63|m63|NN|O .|.|.|O For|for|IN|O samples|sample|NNS|O grown|grow|VBN|O to|to|TO|O OD600|od600|NN|OD of|of|IN|OD ~|~|NN|OD 0.4|0.4|CD|OD a|a|DT|O total|total|JJ|O volume|volume|NN|O of|of|IN|O 25|25|CD|O ml|ml|NN|O of|of|IN|O cells|cell|NNS|O were|be|VBD|O harvested|harvest|VBN|O and|and|CC|O combined|combine|VBN|O with|with|IN|O 5|5|CD|O ml|ml|NN|O of|of|IN|O stop|stop|NN|O solution|solution|NN|O -LRB-|-lrb-|-LRB-|O 95|95|CD|O %|%|NN|O Ethanol|ethanol|NN|O ,|,|,|O 5|5|CD|O %|%|NN|O acid|acid|NN|O phenol|phenol|NN|O -RRB-|-rrb-|-RRB-|O .|.|.|O For|for|IN|O samples|sample|NNS|O grown|grow|VBN|O to|to|TO|O OD600|od600|NN|O of|of|IN|O 2.0|2.0|CD|O a|a|DT|O total|total|JJ|O volume|volume|NN|O of|of|IN|O 5|5|CD|O ml|ml|NN|O of|of|IN|O cells|cell|NNS|O were|be|VBD|O harvested|harvest|VBN|O and|and|CC|O combined|combine|VBN|O with|with|IN|O 1|1|CD|O ml|ml|NN|O of|of|IN|O stop|stop|NN|O solution|solution|NN|O .|.|.|O
treatment|treatment|NN|O :|:|:|O glucose|glucose|NN|Med -LRB-|-lrb-|-LRB-|Med 2|2|CD|Med g/L|g/l|NN|Med -RRB-|-rrb-|-RRB-|Med minimal|minimal|JJ|Med M9|m9|NN|Med medium|medium|NN|Med supplemented|supplement|VBN|O without|without|IN|O 10|10|CD|Supp mM|mm|NN|Supp leucine|leucine|NN|Supp .|.|.|O
treatment|treatment|NN|O :|:|:|O glucose|glucose|NN|Med -LRB-|-lrb-|-LRB-|Med 2|2|CD|Med g/L|g/l|NN|Med -RRB-|-rrb-|-RRB-|Med minimal|minimal|JJ|Med M9|m9|NN|Med medium|medium|NN|Med supplemented|supplement|VBN|O with|with|IN|O 20|20|CD|Supp mg/L|mg/l|NN|Supp tryptophan|tryptophan|NN|Supp .|.|.|O
TrpR|trpr|NN|O _|_|CD|O Trp|Trp|NNP|Supp
σ32|σ32|NN|O 30|30|CD|Temp °C|°c|NN|Temp rep1|rep1|NN|O
σ32|σ32|NN|O 30|30|CD|Temp °C|°c|NN|Temp short|short|JJ|O RNase|rnase|NN|O
σ32|σ32|NN|O 43|43|CD|Temp °C|°c|NN|Temp rep1|rep1|NN|O
\ No newline at end of file
affyexp|affyexp|JJ|O _|_|NN|O delta-fnr|delta-fnr|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4Cl|nh4cl|NN|Supp _|_|CD|O NO3|no3|NN|Supp _|_|NN|O 1|1|CD|O .|.|.|O CEL|CEL|NNP|O
affyexp|affyexp|JJ|O _|_|NN|O delta-fnr|delta-fnr|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4Cl|nh4cl|NN|Supp _|_|CD|O NO3|no3|NN|Supp _|_|NN|O 2|2|CD|O .|.|.|O CEL|CEL|NNP|O
affyexp|affyexp|JJ|O _|_|NN|O delta-fnr|delta-fnr|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4Cl|nh4cl|NN|Supp _|_|CD|O NO3|no3|NN|Supp _|_|CD|O 3|3|CD|O .|.|.|O CEL|CEL|NNP|O
affyexp|affyexp|JJ|O _|_|NN|O wt|wt|JJ|Gtype _|_|NN|O glucose|glucose|NN|Supp _|_|CD|O NH4Cl|nh4cl|NN|Supp _|_|CD|O NO3|no3|NN|Supp _|_|NN|O 1|1|CD|O .|.|.|O CEL|CEL|NNP|O
affyexp|affyexp|JJ|O _|_|NN|O wt|wt|JJ|Gtype _|_|NN|O glucose|glucose|NN|Supp _|_|CD|O NH4Cl|nh4cl|NN|Supp _|_|CD|O NO3|no3|NN|Supp _|_|CD|O 3|3|CD|O .|.|.|O CEL|CEL|NNP|O
agent|agent|NN|O :|:|:|O DPD|dpd|NN|Supp and|and|CC|Supp rifampicin|rifampicin|NN|Supp
Anaerobic|anaerobic|JJ|Air cultures|culture|NNS|O
All|all|DT|O strains|strain|NNS|O used|use|VBN|O in|in|IN|O this|this|DT|O study|study|NN|O were|be|VBD|O E.|e.|FW|O coli|coli|FW|O K-12|k-12|NN|O MG1655|mg1655|NN|O and|and|CC|O its|its|PRP$|O derivatives|derivative|NNS|O .|.|.|O The|the|DT|O deletion|deletion|NN|O mutants|mutant|NNS|O -LRB-|-lrb-|-LRB-|O Δfnr|δfnr|NN|O and|and|CC|O ΔarcA|δarca|NN|O -RRB-|-rrb-|-RRB-|O were|be|VBD|O constructed|construct|VBN|O by|by|IN|O a|a|DT|O λ|λ|NN|O red|red|JJ|O and|and|CC|O FLP-mediated|flp-mediated|JJ|O site-specific|site-specific|JJ|O recombination|recombination|NN|O method|method|NN|O .|.|.|O Glycerol|glycerol|NN|O stocks|stock|NNS|O of|of|IN|O E.|e.|FW|O coli|coli|FW|O strains|strain|NNS|O were|be|VBD|O inoculated|inoculate|VBN|O into|into|IN|O M9|m9|NN|O minimal|minimal|JJ|O medium|medium|NN|O containing|contain|VBG|O 0.2|0.2|CD|O %|%|NN|O -LRB-|-lrb-|-LRB-|O w/v|w/v|NN|O -RRB-|-rrb-|-RRB-|O carbon|carbon|NN|O source|source|NN|O -LRB-|-lrb-|-LRB-|O glucose|glucose|NN|O -RRB-|-rrb-|-RRB-|O and|and|CC|O 0.1|0.1|CD|O %|%|NN|O -LRB-|-lrb-|-LRB-|O w/v|w/v|NN|O -RRB-|-rrb-|-RRB-|O nitrogen|nitrogen|NN|O source|source|NN|O -LRB-|-lrb-|-LRB-|O NH4Cl|nh4cl|NN|O -RRB-|-rrb-|-RRB-|O ,|,|,|O and|and|CC|O cultured|culture|VBN|O overnight|overnight|JJ|O at|at|IN|O 37|37|CD|O °C|°c|NN|O with|with|IN|O constant|constant|JJ|O agitation|agitation|NN|O .|.|.|O The|the|DT|O cultures|culture|NNS|O were|be|VBD|O diluted|dilute|VBN|O 1:100|1:100|CD|O into|into|IN|O fresh|fresh|JJ|O minimal|minimal|JJ|Med medium|medium|NN|Med and|and|CC|O then|then|RB|O cultured|culture|VBN|O at|at|IN|O 37|37|CD|Temp °C|°c|NN|Temp to|to|TO|O an|a|DT|O appropriate|appropriate|JJ|O cell|cell|NN|O density|density|NN|O with|with|IN|O constant|constant|JJ|O agitation|agitation|NN|O .|.|.|O For|for|IN|O the|the|DT|O anaerobic|anaerobic|JJ|O cultures|culture|NNS|O ,|,|,|O the|the|DT|O minimal|minimal|JJ|O medium|medium|NN|O were|be|VBD|O flushed|flush|VBN|O with|with|IN|O nitrogen|nitrogen|NN|O and|and|CC|O then|then|RB|O continuously|continuously|RB|O monitored|monitor|VBN|O using|use|VBG|O a|a|DT|O polarographic-dissolved|polarographic-dissolved|JJ|O oxygen|oxygen|NN|O probe|probe|NN|O -LRB-|-lrb-|-LRB-|O Cole-Parmer|Cole-Parmer|NNP|O Instruments|Instruments|NNP|O -RRB-|-rrb-|-RRB-|O to|to|TO|O ensure|ensure|VB|O anaerobicity|anaerobicity|NN|O .|.|.|O For|for|IN|O nitrate|nitrate|JJ|O respiration|respiration|NN|O 20|20|CD|Supp mmol|mmol|NN|Supp potassium|potassium|NN|Supp nitrate|nitrate|JJ|Supp was|be|VBD|O added|add|VBN|O .|.|.|O
All|All|NNP|O strains|strain|NNS|O used|use|VBN|O in|in|IN|O this|this|DT|O study|study|NN|O were|be|VBD|O E.|e.|FW|O coli|coli|FW|O K-12|k-12|NN|O MG1655|mg1655|NN|O and|and|CC|O its|its|PRP$|O derivatives|derivative|NNS|O .|.|.|O The|the|DT|O deletion|deletion|NN|O mutants|mutant|NNS|O -LRB-|-lrb-|-LRB-|O Δfnr|δfnr|NN|O and|and|CC|O ΔarcA|δarca|NN|O -RRB-|-rrb-|-RRB-|O were|be|VBD|O constructed|construct|VBN|O by|by|IN|O a|a|DT|O λ|λ|NN|O red|red|JJ|O and|and|CC|O FLP-mediated|flp-mediated|JJ|O site-specific|site-specific|JJ|O recombination|recombination|NN|O method|method|NN|O .|.|.|O Glycerol|glycerol|NN|O stocks|stock|NNS|O of|of|IN|O E.|e.|FW|O coli|coli|FW|O strains|strain|NNS|O were|be|VBD|O inoculated|inoculate|VBN|O into|into|IN|O M9|m9|NN|O minimal|minimal|JJ|O medium|medium|NN|O containing|contain|VBG|O 0.2|0.2|CD|O %|%|NN|O -LRB-|-lrb-|-LRB-|O w/v|w/v|NN|O -RRB-|-rrb-|-RRB-|O carbon|carbon|NN|O source|source|NN|O -LRB-|-lrb-|-LRB-|O glucose|glucose|NN|O -RRB-|-rrb-|-RRB-|O and|and|CC|O 0.1|0.1|CD|O %|%|NN|O -LRB-|-lrb-|-LRB-|O w/v|w/v|NN|O -RRB-|-rrb-|-RRB-|O nitrogen|nitrogen|NN|O source|source|NN|O -LRB-|-lrb-|-LRB-|O NH4Cl|nh4cl|NN|O -RRB-|-rrb-|-RRB-|O ,|,|,|O and|and|CC|O cultured|culture|VBN|O overnight|overnight|JJ|O at|at|IN|O 37|37|CD|O °C|°c|NN|O with|with|IN|O constant|constant|JJ|O agitation|agitation|NN|O .|.|.|O The|the|DT|O cultures|culture|NNS|O were|be|VBD|O diluted|dilute|VBN|O 1:100|1:100|CD|O into|into|IN|O fresh|fresh|JJ|O minimal|minimal|JJ|Med medium|medium|NN|Med and|and|CC|O then|then|RB|O cultured|culture|VBN|O at|at|IN|O 37|37|CD|Temp °C|°c|NN|Temp to|to|TO|O an|a|DT|O appropriate|appropriate|JJ|O cell|cell|NN|O density|density|NN|O with|with|IN|O constant|constant|JJ|O agitation|agitation|NN|O .|.|.|O For|for|IN|O the|the|DT|O anaerobic|anaerobic|JJ|O cultures|culture|NNS|O ,|,|,|O the|the|DT|O minimal|minimal|JJ|O medium|medium|NN|O were|be|VBD|O flushed|flush|VBN|O with|with|IN|O nitrogen|nitrogen|NN|Supp and|and|CC|O then|then|RB|O continuously|continuously|RB|O monitored|monitor|VBN|O using|use|VBG|O a|a|DT|O polarographic-dissolved|polarographic-dissolved|JJ|O oxygen|oxygen|NN|O probe|probe|NN|O -LRB-|-lrb-|-LRB-|O Cole-Parmer|Cole-Parmer|NNP|O Instruments|Instruments|NNP|O -RRB-|-rrb-|-RRB-|O to|to|TO|O ensure|ensure|VB|O anaerobicity|anaerobicity|NN|O .|.|.|O For|for|IN|O nitrate|nitrate|JJ|O respiration|respiration|NN|O 20|20|CD|O mmol|mmol|NN|O potassium|potassium|NN|O nitrate|nitrate|NN|O was|be|VBD|O added|add|VBN|O .|.|.|O
antibody|antibody|NN|O :|:|:|O 9E10|9e10|CD|Anti Myc|myc|NN|Anti tag|tag|NN|Anti antibody|antibody|NN|O
antibody|antibody|NN|O :|:|:|O anti-FLAG|anti-flag|JJ|Anti mAb|mab|NN|Anti
A|a|NN|OD total|total|NN|OD of|of|IN|OD six|six|CD|OD samples|sample|NNS|OD were|be|VBD|OD analyzed|analyze|VBN|OD .|.|.|OD oxyR-8myc|oxyr-8myc|NN|OD ,|,|,|OD soxR-8myc|soxr-8myc|NN|OD ,|,|,|OD and|and|CC|OD soxS-8myc|soxs-8myc|NN|OD tagged|tag|VBD|OD cells|cell|NNS|OD were|be|VBD|OD cultured|culture|VBN|OD in|in|IN|OD M9|m9|NN|Med minimal|minimal|JJ|Med media|media|NNS|Med with|with|IN|O 0.2|0.2|CD|Supp %|%|NN|Supp glucose|glucose|NN|Supp .|.|.|O Then|then|RB|O cells|cell|NNS|O were|be|VBD|O treated|treat|VBN|O with|with|IN|O 250|250|CD|O uM|um|NN|O of|of|IN|O paraquat|paraquat|NN|O at|at|IN|O mid-log|mid-log|JJ|O pahse|pahse|NN|O for|for|IN|O 20|20|CD|O min|min|NN|O with|with|IN|O agitation|agitation|NN|O .|.|.|O
A|a|NN|O total|total|NN|O of|of|IN|O two|two|CD|O samples|sample|NNS|O were|be|VBD|O analyzed|analyze|VBN|O .|.|.|O ompR-8myc|ompr-8myc|NN|O tagged|tag|VBD|O cells|cell|NNS|O were|be|VBD|O cultured|culture|VBN|O in|in|IN|O M9|m9|NN|Med minimal|minimal|JJ|Med media|media|NNS|Med with|with|IN|O 0.2|0.2|CD|Supp %|%|NN|Supp glucose|glucose|NN|Supp .|.|.|O Then|then|RB|O cells|cell|NNS|O were|be|VBD|O treated|treat|VBN|O with|with|IN|O 0.3|0.3|CD|Supp M|m|NN|Supp of|of|IN|Supp NaCl|nacl|NN|Supp at|at|IN|O mid-log|mid-log|NN|Phase pahse|pahse|NN|Phase for|for|IN|O 30|30|CD|Supp min|min|NN|Supp with|with|IN|O agitation|agitation|NN|O .|.|.|O
Cells|cell|NNS|O were|be|VBD|O grown|grow|VBN|O aerobically|aerobically|RB|Air -LRB-|-lrb-|-LRB-|Air 70|70|CD|Air %|%|NN|Air N2|n2|NN|Air ,|,|,|Air 25|25|CD|Air %|%|NN|Air O2|o2|CD|Air ,|,|,|Air and|and|CC|Air 5|5|CD|Air %|%|NN|Air CO2|co2|NN|Air -RRB-|-rrb-|-RRB-|Air or|or|CC|O anaerobically|anaerobically|RB|O -LRB-|-lrb-|-LRB-|O 95|95|CD|O %|%|NN|O N2|n2|NN|O and|and|CC|O 5|5|CD|O %|%|NN|O CO2|co2|NN|O -RRB-|-rrb-|-RRB-|O until|until|IN|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase -LRB-|-lrb-|-LRB-|O OD600|od600|NN|OD of|of|IN|OD ~|~|NN|OD 0.3-0.35|0.3-0.35|CD|OD -RRB-|-rrb-|-RRB-|O .|.|.|O
Cells|cell|NNS|O were|be|VBD|O grown|grow|VBN|O at|at|IN|O 37|37|CD|Temp °C|°c|NN|Temp to|to|TO|O an|a|DT|O OD600|od600|NN|OD of|of|IN|OD about|about|IN|OD 0.15|0.15|CD|OD in|in|IN|O 100|100|CD|O ml|ml|NN|O LB|lb|NN|Med -LRB-|-lrb-|-LRB-|O +|+|CC|O 0.2|0.2|CD|Supp %|%|NN|Supp glucose|glucose|NN|Supp -RRB-|-rrb-|-RRB-|O .|.|.|O
Cells|cell|NNS|O were|be|VBD|O grown|grow|VBN|O with|with|IN|O 16|16|CD|Supp µM|µm|NN|Supp IPTG|iptg|NN|Supp and|and|CC|Supp 300|300|CD|Supp µL|µl|NN|Supp Cm20|cm20|NN|Supp anaerobically|anaerobically|RB|Air -LRB-|-lrb-|-LRB-|Air 95|95|CD|Air %|%|NN|Air N2|n2|NN|Air and|and|CC|Air 5|5|CD|Air %|%|NN|Air CO2|co2|NN|Air -RRB-|-rrb-|-RRB-|Air until|until|IN|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase -LRB-|-lrb-|-LRB-|O OD600|od600|NN|OD of|of|IN|OD 0.3|0.3|CD|OD -RRB-|-rrb-|-RRB-|O and|and|CC|O treated|treat|VBN|O with|with|IN|O 1|1|CD|O %|%|NN|O final|final|JJ|O volumen|voluman|NNS|O formaldehyde|formaldehyde|NN|O for|for|IN|O ten|ten|CD|O minutes|minute|NNS|O .|.|.|O Sodium|sodium|NN|O phosphate|phosphate|NN|O -LRB-|-lrb-|-LRB-|O 1/100|1/100|CD|O vol|vol|NN|O .|.|.|O of|of|IN|O 1M|1m|NN|O ,|,|,|O pH|ph|NN|O 7.6|7.6|CD|O ;|;|:|O 10|10|CD|O mM|mm|NN|O final|final|JJ|O -RRB-|-rrb-|-RRB-|O was|be|VBD|O added|add|VBN|O to|to|TO|O the|the|DT|O mid-log|mid-log|JJ|O cultures|culture|NNS|O followed|follow|VBN|O by|by|IN|O formaldehyde|formaldehyde|NN|O to|to|TO|O 1|1|CD|O %|%|NN|O final|final|JJ|O ,|,|,|O and|and|CC|O anaerobic|anaerobic|JJ|O sparging|sparging|NN|O was|be|VBD|O continued|continue|VBN|O for|for|IN|O 10|10|CD|O min|min|NN|O .|.|.|O Cold|Cold|NNP|O 2.5|2.5|CD|O M|m|NN|O glycine|glycine|NN|O was|be|VBD|O added|add|VBN|O to|to|TO|O 100mM|100mm|NN|O and|and|CC|O the|the|DT|O mixture|mixture|NN|O was|be|VBD|O incubated|incubate|VBN|O at|at|IN|O 4|4|CD|O °C|°c|NN|O with|with|IN|O anaerobic|anaerobic|JJ|O sparging|sparging|NN|O for|for|IN|O 30|30|CD|O minutes|minute|NNS|O to|to|TO|O stop|stop|VB|O the|the|DT|O crosslinking|crosslinking|NN|O .|.|.|O Cells|cell|NNS|O were|be|VBD|O spun|spin|VBN|O at|at|IN|O 5000|5000|CD|O x|x|CC|O g|g|NN|O ,|,|,|O and|and|CC|O washed|wash|VBN|O repeatedly|repeatedly|RB|O with|with|IN|O phosphate|phosphate|NN|O buffered|buffer|VBN|O saline|saline|NN|O before|before|IN|O being|be|VBG|O frozen|freeze|VBN|O at|at|IN|O -80|-80|CD|O °C|°c|NN|O .|.|.|O
Cells|cell|NNS|O were|be|VBD|O grown|grow|VBN|O with|with|IN|O 8|8|CD|Supp µM|µm|NN|Supp IPTG|iptg|NN|Supp and|and|CC|Supp 300|300|CD|Supp µL|µl|NN|Supp Cm20|cm20|NN|Supp anaerobically|anaerobically|RB|Air -LRB-|-lrb-|-LRB-|Air 95|95|CD|Air %|%|NN|Air N2|n2|NN|Air and|and|CC|Air 5|5|CD|Air %|%|NN|Air CO2|co2|NN|Air -RRB-|-rrb-|-RRB-|Air until|until|IN|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase -LRB-|-lrb-|-LRB-|O OD600|od600|NN|OD of|of|IN|OD 0.3|0.3|CD|OD -RRB-|-rrb-|-RRB-|O and|and|CC|O treated|treat|VBN|O with|with|IN|O 1|1|CD|O %|%|NN|O final|final|JJ|O volumen|voluman|NNS|O formaldehyde|formaldehyde|NN|O for|for|IN|O ten|ten|CD|O minutes|minute|NNS|O .|.|.|O Sodium|sodium|NN|O phosphate|phosphate|NN|O -LRB-|-lrb-|-LRB-|O 1/100|1/100|CD|O vol|vol|NN|O .|.|.|O of|of|IN|O 1M|1m|NN|O ,|,|,|O pH|ph|NN|O 7.6|7.6|CD|O ;|;|:|O 10|10|CD|O mM|mm|NN|O final|final|JJ|O -RRB-|-rrb-|-RRB-|O was|be|VBD|O added|add|VBN|O to|to|TO|O the|the|DT|O mid-log|mid-log|JJ|O cultures|culture|NNS|O followed|follow|VBN|O by|by|IN|O formaldehyde|formaldehyde|NN|O to|to|TO|O 1|1|CD|O %|%|NN|O final|final|JJ|O ,|,|,|O and|and|CC|O anaerobic|anaerobic|JJ|O sparging|sparging|NN|O was|be|VBD|O continued|continue|VBN|O for|for|IN|O 10|10|CD|O min|min|NN|O .|.|.|O Cold|Cold|NNP|O 2.5|2.5|CD|O M|m|NN|O glycine|glycine|NN|O was|be|VBD|O added|add|VBN|O to|to|TO|O 100mM|100mm|NN|O and|and|CC|O the|the|DT|O mixture|mixture|NN|O was|be|VBD|O incubated|incubate|VBN|O at|at|IN|O 4|4|CD|O °C|°c|NN|O with|with|IN|O anaerobic|anaerobic|JJ|O sparging|sparging|NN|O for|for|IN|O 30|30|CD|O minutes|minute|NNS|O to|to|TO|O stop|stop|VB|O the|the|DT|O crosslinking|crosslinking|NN|O .|.|.|O Cells|cell|NNS|O were|be|VBD|O spun|spin|VBN|O at|at|IN|O 5000|5000|CD|O x|x|CC|O g|g|NN|O ,|,|,|O and|and|CC|O washed|wash|VBN|O repeatedly|repeatedly|RB|O with|with|IN|O phosphate|phosphate|NN|O buffered|buffer|VBN|O saline|saline|NN|O before|before|IN|O being|be|VBG|O frozen|freeze|VBN|O at|at|IN|O -80|-80|CD|O °C|°c|NN|O .|.|.|O
chip|chip|NN|O antibody|antibody|NN|O :|:|:|O anti-myc|anti-myc|JJ|Anti -LRB-|-lrb-|-LRB-|O Santa|Santa|NNP|O Cruz|Cruz|NNP|O Biotech|Biotech|NNP|O ,|,|,|O sc-28207|sc-28207|NN|O -RRB-|-rrb-|-RRB-|O
chip|chip|NN|O antibody|antibody|NN|O :|:|:|O anti-RpoB|anti-rpob|JJ|Anti -LRB-|-lrb-|-LRB-|O Neoclone|Neoclone|NNP|O ,|,|,|O WP002|wp002|NN|O -RRB-|-rrb-|-RRB-|O
chip|chip|NN|O antibody|antibody|NN|O :|:|:|O anti-rpoB|anti-rpob|JJ|Anti -LRB-|-lrb-|-LRB-|O Santa|Santa|NNP|O Cruz|Cruz|NNP|O Biotech|Biotech|NNP|O ,|,|,|O sc-56766|sc-56766|NN|O -RRB-|-rrb-|-RRB-|O
chip|chip|NN|O antibody|antibody|NN|O :|:|:|O σ32|σ32|NN|Anti
chip-ArcA|chip-arca|NN|O _|_|CD|O ArcA8myc|arca8myc|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O anaerobic|anaerobic|JJ|Air _|_|NN|O 3|3|CD|O
chip-Fnr|chip-fnr|JJ|O _|_|NN|O Fnr8myc|fnr8myc|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O anaerobic|anaerobic|JJ|Air _|_|NN|O 2|2|CD|O
CsiR|csir|NN|O _|_|CD|O RNASeq|rnaseq|NN|Technique
cultured|culture|VBN|O in|in|IN|O :|:|:|O M9|m9|NN|Med minimal|minimal|JJ|Med media|media|NNS|Med with|with|IN|O 0.2|0.2|CD|Supp %|%|NN|Supp fructose|fructose|NN|Supp
E.|E.|NNP|O coli|coli|NN|O K-12|k-12|NN|O MG1655|mg1655|NN|O WT|wt|NN|O and|and|CC|O Fur-8-myc|fur-8-myc|NN|O tagged|tag|VBD|O strains|strain|NNS|O were|be|VBD|O grown|grow|VBN|O to|to|TO|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase aerobically|aerobically|RB|Air at|at|IN|O 37|37|CD|Temp °C|°c|NN|Temp in|in|IN|O M9|m9|NN|Med minimal|minimal|JJ|Med media|media|NNS|Med supplemented|supplement|VBN|O with|with|IN|O 0.2|0.2|CD|Supp %|%|NN|Supp glucose|glucose|NN|Supp .|.|.|O For|for|IN|O iron|iron|NN|O treated|treat|VBN|O cells|cell|NNS|O ,|,|,|O 0.1|0.1|CD|Supp mM|mm|NN|Supp of|of|IN|Supp FeCl2|fecl2|NN|Supp were|be|VBD|O treated|treat|VBN|O from|from|IN|O the|the|DT|O beginning|beginning|NN|O of|of|IN|O culture|culture|NN|O ,|,|,|O and|and|CC|O for|for|IN|O DPD|dpd|NN|O treated|treat|VBN|O cells|cell|NNS|O ,|,|,|O 0.2|0.2|CD|O mM|mm|NN|O of|of|IN|O DPD|dpd|NN|O were|be|VBD|O added|add|VBN|O at|at|IN|O early-log|early-log|JJ|O phase|phase|NN|O and|and|CC|O continued|continue|VBD|O to|to|TO|O culture|culture|NN|O for|for|IN|O additional|additional|JJ|O 2h|2h|NN|Supp .|.|.|O For|for|IN|O the|the|DT|O rifampicin-treated|rifampicin-treated|JJ|O cultures|culture|NNS|O ,|,|,|O the|the|DT|O rifampicin|rifampicin|NN|O dissolved|dissolve|VBN|O in|in|IN|O methanol|methanol|NN|O was|be|VBD|O added|add|VBN|O to|to|TO|O a|a|DT|O final|final|JJ|O concentration|concentration|NN|O of|of|IN|O 150|150|CD|O mg/mL|mg/ml|NN|O at|at|IN|O mid-log|mid-log|JJ|O phase|phase|NN|O and|and|CC|O stirred|stir|VBD|O for|for|IN|O 20|20|CD|O min|min|NN|O .|.|.|O
E.|E.|NNP|O coli|coli|NN|O K-12|k-12|NN|O MG1655|mg1655|NN|O WT|WT|NNP|O ,|,|,|O and|and|CC|O Δcra|Δcra|NNP|O were|be|VBD|O grown|grow|VBN|O to|to|TO|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase aerobically|aerobically|RB|Air at|at|IN|O 37|37|CD|Temp °C|°c|NN|Temp in|in|IN|O M9|m9|NN|Med minimal|minimal|JJ|Med media|media|NNS|Med supplemented|supplement|VBN|O with|with|IN|O 0.2|0.2|CD|Supp %|%|NN|Supp glucose|glucose|NN|Supp ,|,|,|O fructose|fructose|NN|O and|and|CC|O acetate|acetate|NN|O .|.|.|O
E.|E.|NNP|O coli|coli|NN|O K-12|k-12|NN|O MG1655|mg1655|NN|O WT|wt|NN|O and|and|CC|O ΔompR|δompr|NN|O were|be|VBD|O grown|grow|VBN|O to|to|TO|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase aerobically|aerobically|RB|Air at|at|IN|O 37|37|CD|Temp °C|°c|NN|Temp in|in|IN|O M9|m9|NN|Med minimal|minimal|JJ|Med media|media|NNS|Med supplemented|supplement|VBN|O with|with|IN|O 0.2|0.2|CD|Supp %|%|NN|Supp glucose|glucose|NN|Supp .|.|.|O Then|then|RB|O cells|cell|NNS|O were|be|VBD|O treated|treat|VBN|O with|with|IN|O 0.3|0.3|CD|Supp M|m|NN|Supp of|of|IN|Supp NaCl|nacl|NN|Supp at|at|IN|O mid-log|mid-log|JJ|O pahse|pahse|NN|O for|for|IN|O 30|30|CD|Supp min|min|NN|Supp with|with|IN|O agitation|agitation|NN|O .|.|.|O
E.|E.|NNP|O coli|coli|NN|O K-12|k-12|NN|O MG1655|mg1655|NN|O WT|WT|NNP|O ,|,|,|O GadE-8-myc|gade-8-myc|NN|O ,|,|,|O GadW-8-myc|gadw-8-myc|NN|O ,|,|,|O and|and|CC|O GadX-8-myc|gadx-8-myc|NN|O tagged|tag|VBD|O strains|strain|NNS|O were|be|VBD|O grown|grow|VBN|O to|to|TO|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase -LRB-|-lrb-|-LRB-|O OD600|od600|NN|OD
E.|E.|NNP|O coli|coli|NN|O strains|strain|NNS|O harboring|harbor|VBG|O PurR-8myc|purr-8myc|NN|O were|be|VBD|O grown|grow|VBN|O in|in|IN|O minimal|minimal|JJ|O M9|m9|NN|O medium|medium|NN|O supplemented|supplement|VBN|O with|with|IN|O glucose|glucose|NN|O -LRB-|-lrb-|-LRB-|O 2|2|CD|O g/L|g/l|NN|O -RRB-|-rrb-|-RRB-|O then|then|RB|O inoculated|inoculate|VBN|O into|into|IN|O 100mL|100ml|NN|O of|of|IN|O fresh|fresh|JJ|O M9|m9|NN|Med minimal|minimal|JJ|Med medium|medium|NN|Med .|.|.|O
Escherichia|escherichia|FW|O coli|coli|FW|O ,|,|,|O expressing|express|VBG|O NsrR|nsrr|NN|Gtype with|with|IN|O a|a|DT|O C-terminal|c-terminal|JJ|O Flag-tag|flag-tag|NN|Gtype ,|,|,|O was|be|VBD|O grown|grow|VBN|O anaerobically|anaerobically|RB|Air in|in|IN|O L|L|NNP|Med broth|broth|NN|Med supplemented|supplement|VBN|O with|with|IN|O glucose|glucose|NN|Supp .|.|.|O
Escherichia|escherichia|FW|O coli|coli|FW|O ,|,|,|O expressing|express|VBG|O NsrR|nsrr|NN|Gtype with|with|IN|O a|a|DT|O C-terminal|c-terminal|JJ|O Flag-tag|flag-tag|NN|Gtype ,|,|,|O was|be|VBD|O grown|grow|VBN|O anaerobically|anaerobically|RB|Air in|in|IN|O L|L|NNP|Med broth|broth|NN|Med supplemented|supplement|VBN|O with|with|IN|O glucose|glucose|NN|Supp .|.|.|O
Escherichia|escherichia|FW|O coli|coli|FW|O MG1655|mg1655|NN|O K-12|k-12|NN|O dFNR|dfnr|NN|Gtype -LRB-|-lrb-|-LRB-|Gtype PK4854|pk4854|NN|Gtype -RRB-|-rrb-|-RRB-|Gtype
FNR|fnr|SYM|O -|-|:|O Anaerobic|anaerobic|JJ|Air -|-|:|O A|a|NN|O
FNR|fnr|SYM|O -|-|:|O Anaerobic|anaerobic|JJ|Air -|-|:|O Affinity|affinity|NN|O Purified|purify|VBN|O -|-|:|O B|b|NN|O
FNR|fnr|SYM|O -|-|:|O Anaerobic|anaerobic|JJ|Air -|-|:|O C|c|NN|O
Fur|Fur|NNP|O IP|IP|NNP|O ChIP-Seq|ChIP-Seq|NNP|Technique Anaerobic|Anaerobic|NNP|Air A|A|NNP|O
Fur|Fur|NNP|O IP|IP|NNP|O ChIP-Seq|ChIP-Seq|NNP|Technique Anaerobic|anaerobic|JJ|Air B|b|NN|O
Fur|Fur|NNP|O with|with|IN|O Fe|Fe|NNP|Supp 1|1|CD|O -LRB-|-lrb-|-LRB-|Technique ChIP-exo|chip-exo|NN|Technique -RRB-|-rrb-|-RRB-|Technique
Fur|Fur|NNP|O with|with|IN|O Fe|Fe|NNP|Supp 2|2|CD|O -LRB-|-lrb-|-LRB-|Technique ChIP-exo|chip-exo|NN|Technique -RRB-|-rrb-|-RRB-|Technique
genotype|genotype|NN|O :|:|:|O delta|delta|NN|O -|-|:|O crp|crp|NN|Gtype Knock-out|knock-out|JJ|Gtype strain|strain|NN|Gtype
genotype|genotype|NN|O :|:|:|O gadX-8myc|gadx-8myc|NN|Gtype
genotype|genotype|NN|O :|:|:|O ompR-8myc|ompr-8myc|NN|Gtype
genotype|genotype|NN|O :|:|:|O wildtype|wildtype|JJ|Gtype
genotype/variation|genotype/variation|NN|O :|:|:|O delta|delta|NN|Gtype _|_|SYM|Gtype cra|cra|FW|Gtype
genotype/variation|genotype/variation|NN|O :|:|:|O delta-gadE|delta-gade|NN|Gtype
genotype/variation|genotype/variation|NN|O :|:|:|O delta-soxS|delta-soxs|NN|Gtype
genotype/variation|genotype/variation|NN|O :|:|:|O -LCB-|-lcb-|-LRB-|Gtype delta|delta|NN|Gtype -RCB-|-rcb-|-RRB-|Gtype tonB|tonb|NN|Gtype ,|,|,|Gtype -LCB-|-lcb-|-LRB-|Gtype delta|delta|NN|Gtype -RCB-|-rcb-|-RRB-|Gtype feoA|feoa|NN|Gtype ,|,|,|Gtype -LCB-|-lcb-|-LRB-|Gtype delta|delta|NN|Gtype -RCB-|-rcb-|-RRB-|Gtype zupT|zupt|NN|Gtype K12|k12|NN|Gtype
genotype/variation|genotype/variation|NN|O :|:|:|O lacking|lack|VBG|Gtype the|the|DT|Gtype transcription|transcription|NN|Gtype factor|factor|NN|Gtype Fur|Fur|NNP|Gtype and|and|CC|Gtype the|the|DT|Gtype small|small|JJ|Gtype RNA|rna|NN|Gtype RyhB|ryhb|NN|Gtype
genotype/variation|genotype/variation|NN|O :|:|:|O lacking|lack|VBG|Gtype the|the|DT|Gtype transcription|transcription|NN|Gtype factor|factor|NN|Gtype Fur|Fur|NNP|Gtype
genotype/variation|genotype/variation|NN|O :|:|:|O oxyR-8myc|oxyr-8myc|NN|Gtype -|-|:|O tagged|tag|VBN|O
genotype/variation|genotype/variation|NN|O :|:|:|O Wild-type|wild-type|JJ|Gtype
genotype/variation|genotype/variation|NN|O :|:|:|O harboring|harbor|VBG|O ArcA-8myc|arca-8myc|NN|Gtype
genotype/variation|genotype/variation|NN|O :|:|:|O harboring|harbor|VBG|O Fnr-8myc|fnr-8myc|JJ|Gtype
genoype|genoype|NN|O :|:|:|O Wild-Type|wild-type|JJ|Gtype
growth|growth|NN|O condition|condition|NN|O :|:|:|O Aerobic|Aerobic|NNP|Air
growth|growth|NN|O condition|condition|NN|O :|:|:|O anaerobic|anaerobic|JJ|Air
growth|growth|NN|O condition|condition|NN|O :|:|:|O Anaerobic|anaerobic|JJ|Air
growth|growth|NN|O condition|condition|NN|O :|:|:|O 8|8|CD|Supp µM|µm|NN|Supp IPTG|iptg|NN|Supp
growth|growth|NN|O condition|condition|NN|O :|:|:|O Adenine|Adenine|NNP|Supp
growth|growth|NN|O condition|condition|NN|O :|:|:|O glucose|glucose|NN|Supp
growth|growth|NN|O medium|medium|NN|O :|:|:|O MOPS|MOPS|NNP|Med minimal|minimal|JJ|Med glucose|glucose|NN|Med media|media|NNS|Med containing|contain|VBG|O 1|1|CD|Supp µM|µm|NN|Supp FeSO4|feso4|NN|Supp
growth|growth|NN|O phase|phase|NN|O :|:|:|O exponential|exponential|JJ|Phase
growth|growth|NN|O phase|phase|NN|O :|:|:|O mid-log|mid-log|NN|Phase
∆|∆|CD|Gtype fnr|fnr|NN|Gtype -|-|:|O Anaeroibc|anaeroibc|NN|Air
∆|∆|CD|Gtype fur|fur|NN|Gtype Anaerobic|anaerobic|JJ|Air A|a|DT|O
∆|∆|CD|Gtype fur|fur|NN|Gtype Anaerobic|anaerobic|JJ|Air -LSB-|-lsb-|-LRB-|O IP|IP|NNP|O vs|vs|CC|O nput|nput|NN|O -RSB-|-rsb-|-RRB-|O
Ptac|ptac|NN|Gtype :|:|:|Gtype :|:|:|Gtype fnr|fnr|NN|Gtype -|-|:|O A|a|NN|O -|-|:|O 16|16|CD|Supp µM|µm|NN|Supp IPTG|iptg|NN|Supp
Ptac|ptac|NN|Gtype :|:|:|Gtype :|:|:|Gtype fnr|fnr|NN|Gtype -|-|:|O A|a|NN|O -|-|:|O 4|4|CD|Supp µM|µm|NN|Supp IPTG|iptg|NN|Supp
∆|∆|CD|Gtype ryhB|ryhb|NN|Gtype Anaerobic|anaerobic|JJ|Air
Wild-type|wild-type|JJ|Gtype Aerobic|aerobic|JJ|Air A|a|DT|O
Wild-type|wild-type|JJ|Gtype Anaerobic|anaerobic|JJ|Air A|a|DT|O
Wild-type|wild-type|JJ|Gtype Anaerobic|anaerobic|JJ|Air B|b|NN|O
Wild|Wild|NNP|Gtype type|type|NN|Gtype control|control|NN|O -LRB-|-lrb-|-LRB-|O 10|10|CD|O min|min|NN|O -RRB-|-rrb-|-RRB-|O
Wild|Wild|NNP|Gtype type|type|NN|Gtype control|control|NN|O -LRB-|-lrb-|-LRB-|O 5|5|CD|O min|min|NN|O -RRB-|-rrb-|-RRB-|O
WT|wt|JJ|Gtype pH5|ph5|NN|pH .5|.5|CD|pH 2|2|CD|O
WT|wt|JJ|Gtype acetate|acetate|NN|Supp 2|2|CD|O
WT|wt|JJ|Gtype NaCl|nacl|NN|Supp 1|1|CD|O
WT|wt|JJ|Gtype PQ|pq|NN|Supp 1|1|CD|O
WT|wt|JJ|Gtype _|_|NN|O ChIPSeq|chipseq|NN|Technique _|_|NN|O 1|1|CD|O
WT|wt|JJ|Gtype _|_|NN|O ChIPSeq|chipseq|NN|Technique _|_|NN|O 2|2|CD|O
Δcra|δcra|NN|Gtype glucose|glucose|NN|Supp 1|1|CD|O
Δfur|δfur|NN|Gtype with|with|IN|O DPD|dpd|NN|Supp 1|1|CD|O -LRB-|-lrb-|-LRB-|Technique RNA-seq|rna-seq|NN|Technique -RRB-|-rrb-|-RRB-|Technique
ΔgadE|δgade|NN|Gtype pH5|ph5|NN|pH .5|.5|CD|pH 1|1|CD|O
ΔgadE|δgade|NN|Gtype pH5|ph5|NN|pH .5|.5|CD|pH 2|2|CD|O
ΔgadX|δgadx|NN|Gtype pH5|ph5|NN|pH .5|.5|CD|pH 2|2|CD|O
ΔompR|δompr|NN|Gtype NaCl|nacl|NN|Supp 1|1|CD|O
ΔoxyR|δoxyr|NN|Gtype PQ|pq|NN|Supp 1|1|CD|O
ΔsoxR|δsoxr|NN|Gtype PQ|pq|NN|Supp 2|2|CD|O
HNS|hns|SYM|O -|-|:|O Aerobic|aerobic|JJ|Air A|a|DT|O
HNS|hns|SYM|O -|-|:|O Anaerobic|anaerobic|JJ|Air A|a|DT|O
IHF|ihf|SYM|O -|-|:|O Anaerobic|anaerobic|JJ|Air B|b|NN|O
medium|medium|NN|O :|:|:|O M63|m63|NN|Med
LB|lb|NN|Med 2.0|2.0|CD|O B1|b1|NN|O TEX|tex|NN|O neg|neg|NN|O L1|l1|NN|O GA|ga|NN|O
LB|lb|NN|Med 2.0|2.0|CD|O B1|b1|NN|O TEX|TEX|NNP|O pos|po|VBZ|O L1|l1|NN|O GA|ga|NN|O
LB|lb|NN|Med 2.0|2.0|CD|O B1|b1|NN|O TEX|TEX|NNP|O pos|po|VBZ|O L2|l2|NN|O HS2|hs2|NN|O
LB|lb|NN|Med 2.0|2.0|CD|O B2|b2|NN|O TEX|TEX|NNP|O pos|po|VBZ|O L1|l1|NN|O HS2|hs2|NN|O
M63|m63|NN|Med 0.4|0.4|CD|O B2|b2|NN|O TEX|TEX|NNP|O neg|neg|NNP|O L1|l1|NN|O HS1|hs1|NN|O
M63|m63|NN|Med 0.4|0.4|CD|O B2|b2|NN|O TEX|TEX|NNP|O pos|po|VBZ|O L1|l1|NN|O HS2|hs2|NN|O
OmpR|ompr|NN|O NaCl|nacl|NN|Supp 1|1|CD|O
Escherichia|escherichia|FW|O coli|coli|FW|O str|str|NN|O .|.|.|O K-12|k-12|NN|Strain substr|substr|NN|O .|.|.|O MG1655star|mg1655star|NN|Substrain
RpoB|rpob|NN|O ∆|∆|CD|Gtype cra|cra|NN|Gtype 1|1|CD|O
RpoB|rpob|NN|O with|with|IN|O DPD|dpd|NN|Supp and|and|CC|O rifampicin|rifampicin|NN|Supp 2|2|CD|O -LRB-|-lrb-|-LRB-|Technique ChIP-exo|chip-exo|NN|Technique -RRB-|-rrb-|-RRB-|Technique
RpoB|rpob|NN|O with|with|IN|O Fe|Fe|NNP|Supp and|and|CC|O rifampicin|rifampicin|NN|Supp 1|1|CD|O -LRB-|-lrb-|-LRB-|Technique ChIP-exo|chip-exo|NN|Technique -RRB-|-rrb-|-RRB-|Technique
SeqA|seqa|NN|O new|new|JJ|O deltaSeqA|deltaseqa|NN|Gtype
SoxR|soxr|NN|O PQ|pq|NN|Supp 2|2|CD|O
SoxS|soxs|NN|O PQ|pq|NN|Supp 2|2|CD|O
ß|ß|SYM|O -|-|:|O Anaerobic|anaerobic|JJ|Air -|-|:|O B|b|NN|O
strain|strain|NN|O :|:|:|O PK4854|pk4854|NN|Gtype
strain|strain|NN|O :|:|:|O PK8263|pk8263|NN|Gtype
strain|strain|NN|O :|:|:|O MG1655|mg1655|NN|O K-12|k-12|NN|O WT|wt|JJ|Gtype
Sodium|sodium|NN|Supp phosphate|phosphate|NN|Supp -LRB-|-lrb-|-LRB-|Supp 1/100|1/100|CD|Supp vol|vol|NN|Supp .|.|.|Supp of|of|IN|Supp 1M|1m|NN|Supp ,|,|,|Supp pH|ph|NN|Supp 7.6|7.6|CD|Supp ;|;|:|Supp 10|10|CD|Supp mM|mm|NN|Supp final|final|JJ|Supp -RRB-|-rrb-|-RRB-|Supp was|be|VBD|O added|add|VBN|O to|to|TO|O the|the|DT|O mid-log|mid-log|NN|Phase cultures|culture|NNS|O followed|follow|VBN|O by|by|IN|O formaldehyde|formaldehyde|NN|O to|to|TO|O 1|1|CD|O %|%|NN|O final|final|JJ|O ,|,|,|O and|and|CC|O aerobic|aerobic|JJ|O or|or|CC|O anaerobic|anaerobic|JJ|O sparging|sparging|NN|O was|be|VBD|O continued|continue|VBN|O for|for|IN|O 10|10|CD|O min|min|NN|O .|.|.|O Cold|Cold|NNP|O 2.5|2.5|CD|O M|m|NN|O glycine|glycine|NN|O was|be|VBD|O added|add|VBN|O to|to|TO|O 100mM|100mm|NN|O and|and|CC|O the|the|DT|O mixture|mixture|NN|O was|be|VBD|O incubated|incubate|VBN|O at|at|IN|O 4|4|CD|O °C|°c|NN|O with|with|IN|O aerobic|aerobic|JJ|O or|or|CC|O anaerobic|anaerobic|JJ|O sparging|sparging|NN|O for|for|IN|O 30|30|CD|O minutes|minute|NNS|O to|to|TO|O stop|stop|VB|O the|the|DT|O crosslinking|crosslinking|NN|O .|.|.|O Cells|cell|NNS|O were|be|VBD|O spun|spin|VBN|O at|at|IN|O 3500|3500|CD|O x|x|CC|O g|g|NN|O ,|,|,|O and|and|CC|O washed|wash|VBN|O repeatedly|repeatedly|RB|O with|with|IN|O phosphate|phosphate|NN|O buffered|buffer|VBN|O saline|saline|NN|O before|before|IN|O being|be|VBG|O frozen|freeze|VBN|O at|at|IN|O -80|-80|CD|O °C|°c|NN|O .|.|.|O
ChIP-exo|chip-exo|NN|Technique GadX|gadx|NN|O pH5|ph5|NN|pH .5|.5|CD|pH 1|1|CD|O
ChIP-exo|chip-exo|NN|Technique GadX|gadx|NN|O pH5|ph5|NN|pH .5|.5|CD|pH 2|2|CD|O
To|to|TO|O harvest|harvest|VB|O total|total|JJ|O RNA|rna|NN|O samples|sample|NNS|O ,|,|,|O overnight|overnight|JJ|O cultures|culture|NNS|O of|of|IN|O wild|wild|JJ|Gtype type|type|NN|Gtype MG1655|mg1655|NN|O grown|grow|VBN|O in|in|IN|O LB|lb|NN|O at|at|IN|O 37|37|CD|O ˚C|˚c|NN|O were|be|VBD|O diluted|dilute|VBN|O back|back|RB|O 1:500|1:500|CD|O in|in|IN|O either|either|CC|O fresh|fresh|JJ|O LB|lb|NN|O or|or|CC|O M63|m63|NN|O minimal|minimal|JJ|O glucose|glucose|NN|O medium|medium|NN|O and|and|CC|O allowed|allow|VBN|O to|to|TO|O grow|grow|VB|O until|until|IN|O the|the|DT|O cultures|culture|NNS|O reached|reach|VBD|O an|a|DT|O OD600|od600|NN|O of|of|IN|O ~|~|NN|O 0.4|0.4|CD|O and|and|CC|O 2.0|2.0|CD|O for|for|IN|O cultures|culture|NNS|O grown|grow|VBN|O in|in|IN|O LB|lb|NN|O and|and|CC|O an|a|DT|O OD600|od600|NN|O of|of|IN|O ~|~|NN|O 0.4|0.4|CD|O for|for|IN|O cultures|culture|NNS|O grown|grow|VBN|O in|in|IN|O M63|m63|NN|O .|.|.|O For|for|IN|O samples|sample|NNS|O grown|grow|VBN|O to|to|TO|O OD600|od600|NN|O of|of|IN|O ~|~|NN|O 0.4|0.4|CD|O a|a|DT|O total|total|JJ|O volume|volume|NN|O of|of|IN|O 25|25|CD|O ml|ml|NN|O of|of|IN|O cells|cell|NNS|O were|be|VBD|O harvested|harvest|VBN|O and|and|CC|O combined|combine|VBN|O with|with|IN|O 5|5|CD|O ml|ml|NN|O of|of|IN|O stop|stop|NN|O solution|solution|NN|O -LRB-|-lrb-|-LRB-|O 95|95|CD|O %|%|NN|O Ethanol|ethanol|NN|O ,|,|,|O 5|5|CD|O %|%|NN|O acid|acid|NN|O phenol|phenol|NN|O -RRB-|-rrb-|-RRB-|O .|.|.|O For|for|IN|O samples|sample|NNS|O grown|grow|VBN|O to|to|TO|O OD600|od600|NN|OD of|of|IN|OD 2.0|2.0|CD|OD a|a|DT|O total|total|JJ|O volume|volume|NN|O of|of|IN|O 5|5|CD|O ml|ml|NN|O of|of|IN|O cells|cell|NNS|O were|be|VBD|O harvested|harvest|VBN|O and|and|CC|O combined|combine|VBN|O with|with|IN|O 1|1|CD|O ml|ml|NN|O of|of|IN|O stop|stop|NN|O solution|solution|NN|O .|.|.|O
treatment|treatment|NN|O :|:|:|O glucose|glucose|NN|Med -LRB-|-lrb-|-LRB-|Med 2|2|CD|Med g/L|g/l|NN|Med -RRB-|-rrb-|-RRB-|Med minimal|minimal|JJ|Med M9|m9|NN|Med medium|medium|NN|Med supplemented|supplement|VBN|O without|without|IN|O 10|10|CD|Supp mM|mm|NN|Supp leucine|leucine|NN|Supp .|.|.|O
treatment|treatment|NN|O :|:|:|O glucose|glucose|NN|Med -LRB-|-lrb-|-LRB-|Med 2|2|CD|Med g/L|g/l|NN|Med -RRB-|-rrb-|-RRB-|Med minimal|minimal|JJ|Med M9|m9|NN|Med medium|medium|NN|Med supplemented|supplement|VBN|O without|without|IN|O 20|20|CD|Supp mg/L|mg/l|NN|Supp tryptophan|tryptophan|NN|Supp .|.|.|O
TrpR|trpr|NN|O _|_|CD|O glucose|glucose|NN|Supp
TrpR|trpr|NN|O _|_|CD|O Trp|Trp|NNP|Supp
σ32|σ32|NN|O 30|30|CD|Temp °C|°c|NN|Temp rep2|rep2|NN|O
σ32|σ32|NN|O 30|30|CD|Temp °C|°c|NN|Temp short|short|JJ|O RNase|rnase|NN|O
σ32|σ32|NN|O 43|43|CD|Temp °C|°c|NN|Temp rep2|rep2|NN|O
\ No newline at end of file
Cra|Cra|NNP|O fructose|fructose|NN|Supp 2|2|CD|O
LB|lb|NN|Med 2.0|2.0|CD|O B2|b2|NN|O TEX|TEX|NNP|O neg|neg|NNP|O L2|l2|NN|O HS2|hs2|NN|O
genotype|genotype|NN|O :|:|:|O ompR-8myc|ompr-8myc|NN|Gtype
chip-ArcA|chip-arca|NN|O _|_|CD|O ArcA8myc|arca8myc|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O anaerobic|anaerobic|JJ|Air _|_|NN|O 2|2|CD|O
affyexp|affyexp|JJ|O _|_|NN|O delta-arcA|delta-arca|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O anaerobic|anaerobic|JJ|Air _|_|NN|O 1|1|CD|O .|.|.|O CEL|CEL|NNP|O
chip-ArcA|chip-arca|NN|O _|_|CD|O ArcA8myc|arca8myc|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O NO3|no3|NN|Supp _|_|CD|O 3|3|CD|O
genotype/variation|genotype/variation|NN|O :|:|:|O fur-8myc|fur-8myc|JJ|Gtype
Cra|Cra|NNP|O fructose|fructose|NN|Supp 1|1|CD|O
genotype|genotype|NN|O :|:|:|O WT|WT|NNP|Gtype
growth|growth|NN|O phase|phase|NN|O :|:|:|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase -LRB-|-lrb-|-LRB-|O OD600|od600|NN|OD =|=|JJ|OD 0.3|0.3|CD|OD -RRB-|-rrb-|-RRB-|O
chip-ArcA|chip-arca|NN|O _|_|CD|O ArcA8myc|arca8myc|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O anaerobic|anaerobic|JJ|Air _|_|NN|O 3|3|CD|O
RpoB|rpob|NN|O ∆|∆|CD|Gtype cra|cra|NN|Gtype 2|2|CD|O
RpoB|rpob|NN|O with|with|IN|O Fe|Fe|NNP|Supp 2|2|CD|O -LRB-|-lrb-|-LRB-|Technique ChIP-exo|chip-exo|NN|Technique -RRB-|-rrb-|-RRB-|Technique
E.|E.|NNP|O coli|coli|NN|O K-12|k-12|NN|O MG1655|mg1655|NN|O WT|wt|NN|O and|and|CC|O ΔompR|δompr|NN|O were|be|VBD|O grown|grow|VBN|O to|to|TO|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase aerobically|aerobically|RB|Air at|at|IN|O 37|37|CD|Temp °C|°c|NN|Temp in|in|IN|O M9|m9|NN|Med minimal|minimal|JJ|Med media|media|NNS|Med supplemented|supplement|VBN|O with|with|IN|O 0.2|0.2|CD|Supp %|%|NN|Supp glucose|glucose|NN|Supp .|.|.|O Then|then|RB|O cells|cell|NNS|O were|be|VBD|O treated|treat|VBN|O with|with|IN|O 0.3|0.3|CD|Supp M|m|NN|Supp of|of|IN|Supp NaCl|nacl|NN|Supp at|at|IN|O mid-log|mid-log|JJ|O pahse|pahse|NN|O for|for|IN|O 30|30|CD|Supp min|min|NN|Supp with|with|IN|O agitation|agitation|NN|O .|.|.|O
Cells|cell|NNS|O were|be|VBD|O grown|grow|VBN|O at|at|IN|O 37|37|CD|Temp °C|°c|NN|Temp to|to|TO|O an|a|DT|O OD600|od600|NN|OD of|of|IN|OD about|about|IN|OD 0.15|0.15|CD|OD in|in|IN|O 50|50|CD|O ml|ml|NN|O LB|lb|NN|Med -LRB-|-lrb-|-LRB-|O +|+|CC|O 0.2|0.2|CD|Supp %|%|NN|Supp glucose|glucose|NN|Supp -RRB-|-rrb-|-RRB-|O before|before|IN|O crosslinking|crosslink|VBG|O .|.|.|O
genotype/variation|genotype/variation|NN|O :|:|:|O cra-8myc-tagged|cra-8myc-tagged|JJ|Gtype
Δcra|δcra|NN|Gtype fructose|fructose|NN|Supp 1|1|CD|O
Δcra|δcra|NN|Gtype fructose|fructose|NN|Supp 2|2|CD|O
MG1655|mg1655|NN|Substrain PhtpG|phtpg|NN|Gtype :|:|:|Gtype :|:|:|Gtype lacZ|lacz|NN|Gtype delta|delta|NN|Gtype lacX74/pTG2|lacx74/ptg2|NN|Gtype -LRB-|-lrb-|-LRB-|Gtype vector|vector|NN|Gtype carrying|carrying|NN|Gtype inducible|inducible|JJ|Gtype Ptrc|ptrc|NN|Gtype :|:|:|Gtype :|:|:|Gtype rpoH|rpoh|NN|Gtype -RRB-|-rrb-|-RRB-|Gtype
Ptac|ptac|NN|Gtype :|:|:|Gtype :|:|:|Gtype fnr|fnr|NN|Gtype -|-|:|O A|a|NN|O -|-|:|O 16|16|CD|Supp µM|µm|NN|Supp IPTG|iptg|NN|Supp
Escherichia|escherichia|FW|O coli|coli|FW|O MG1655|mg1655|NN|O K-12|k-12|NN|O WT|wt|NN|O and|and|CC|O ∆|∆|NN|O fnr|fnr|NN|O were|be|VBD|O grown|grow|VBN|O to|to|TO|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase -LRB-|-lrb-|-LRB-|O O.D.|o.d.|NN|OD 600nm|600nm|JJ|OD 0.3|0.3|CD|OD -RRB-|-rrb-|-RRB-|O anerobically|anerobically|RB|Air -LRB-|-lrb-|-LRB-|Air 95|95|CD|Air %|%|NN|Air N2|n2|NN|Air ,|,|,|Air 5|5|CD|Air %|%|NN|Air CO2|co2|NN|Air -RRB-|-rrb-|-RRB-|Air at|at|IN|O 37|37|CD|Temp °C|°c|NN|Temp in|in|IN|O MOPS|MOPS|NNP|Med +|+|CC|O 0.2|0.2|CD|Supp %|%|NN|Supp glucose|glucose|NN|Supp media|media|NNS|O -LRB-|-lrb-|-LRB-|O Ref|ref|NN|O -RRB-|-rrb-|-RRB-|O .|.|.|O
Fur|Fur|NNP|O with|with|IN|O Fe|Fe|NNP|Supp 2|2|CD|O -LRB-|-lrb-|-LRB-|Technique ChIP-exo|chip-exo|NN|Technique -RRB-|-rrb-|-RRB-|Technique
agent|agent|NN|O :|:|:|O Fe|Fe|NNP|Supp
SoxS|soxs|NN|O PQ|pq|NN|Supp 1|1|CD|O
chip|chip|NN|O antibody|antibody|NN|O :|:|:|O anti-myc|anti-myc|JJ|Anti
Fur|Fur|NNP|O with|with|IN|O DPD|dpd|NN|Supp 2|2|CD|O -LRB-|-lrb-|-LRB-|Technique ChIP-exo|chip-exo|NN|Technique -RRB-|-rrb-|-RRB-|Technique
Escherichia|escherichia|FW|O coli|coli|FW|O str|str|NN|O .|.|.|O K-12|k-12|NN|Strain substr|substr|NN|O .|.|.|O MG1655|mg1655|NN|Substrain
σ32|σ32|NN|O 43|43|CD|Temp °C|°c|NN|Temp short|short|JJ|O RNase|rnase|NN|O
CsiR|csir|NN|O _|_|CD|O RNASeq|rnaseq|NN|Technique
ChIP-exo|chip-exo|NN|O reads|read|VBZ|O were|be|VBD|O aligned|align|VBN|O to|to|TO|O the|the|DT|O NC|nc|NN|Gversion _|_|CD|Gversion 000913|000913|CD|Gversion genome|genome|NN|O reference|reference|NN|O sequence|sequence|NN|O using|use|VBG|O using|use|VBG|O bowtie|bowtie|NN|O v1|v1|NN|O .0.0|.0.0|CD|O with|with|IN|O parameters|parameter|NNS|O -|-|:|O S|s|NN|O
Escherichia|escherichia|FW|O coli|coli|FW|O ,|,|,|O expressing|express|VBG|O NsrR|nsrr|NN|Gtype with|with|IN|O a|a|DT|O C-terminal|c-terminal|JJ|O Flag-tag|flag-tag|NN|Gtype ,|,|,|O was|be|VBD|O grown|grow|VBN|O anaerobically|anaerobically|RB|Air in|in|IN|O L|L|NNP|Med broth|broth|NN|Med supplemented|supplement|VBN|O with|with|IN|O glucose|glucose|NN|Supp .|.|.|O
WT|wt|JJ|Gtype pH5|ph5|NN|pH .5|.5|CD|pH 1|1|CD|O
∆|∆|CD|Gtype fur|fur|NN|Gtype ∆|∆|CD|Gtype ryhB|ryhb|NN|Gtype Anaerobic|anaerobic|JJ|Air B|b|NN|O
WT|wt|JJ|Gtype _|_|NN|O ChIPSeq|chipseq|NN|Technique _|_|NN|O 2|2|CD|O
LB|lb|NN|Med 0.4|0.4|CD|O B2|b2|NN|O TEX|TEX|NNP|O neg|neg|NNP|O L1|l1|NN|O HS2|hs2|NN|O
pT7|pt7|NN|O _|_|CD|O ChIPSeq|chipseq|NN|Technique _|_|NN|O 1|1|CD|O
growth|growth|NN|O phase|phase|NN|O :|:|:|O exponential|exponential|JJ|Phase
All|All|NNP|O strains|strain|NNS|O used|use|VBN|O in|in|IN|O this|this|DT|O study|study|NN|O were|be|VBD|O E.|e.|FW|O coli|coli|FW|O K-12|k-12|NN|O MG1655|mg1655|NN|O and|and|CC|O its|its|PRP$|O derivatives|derivative|NNS|O .|.|.|O The|the|DT|O deletion|deletion|NN|O mutants|mutant|NNS|O -LRB-|-lrb-|-LRB-|O Δfnr|δfnr|NN|O and|and|CC|O ΔarcA|δarca|NN|O -RRB-|-rrb-|-RRB-|O were|be|VBD|O constructed|construct|VBN|O by|by|IN|O a|a|DT|O λ|λ|NN|O red|red|JJ|O and|and|CC|O FLP-mediated|flp-mediated|JJ|O site-specific|site-specific|JJ|O recombination|recombination|NN|O method|method|NN|O .|.|.|O Glycerol|glycerol|NN|O stocks|stock|NNS|O of|of|IN|O E.|e.|FW|O coli|coli|FW|O strains|strain|NNS|O were|be|VBD|O inoculated|inoculate|VBN|O into|into|IN|O M9|m9|NN|O minimal|minimal|JJ|O medium|medium|NN|O containing|contain|VBG|O 0.2|0.2|CD|O %|%|NN|O -LRB-|-lrb-|-LRB-|O w/v|w/v|NN|O -RRB-|-rrb-|-RRB-|O carbon|carbon|NN|O source|source|NN|O -LRB-|-lrb-|-LRB-|O glucose|glucose|NN|O -RRB-|-rrb-|-RRB-|O and|and|CC|O 0.1|0.1|CD|O %|%|NN|O -LRB-|-lrb-|-LRB-|O w/v|w/v|NN|O -RRB-|-rrb-|-RRB-|O nitrogen|nitrogen|NN|O source|source|NN|O -LRB-|-lrb-|-LRB-|O NH4Cl|nh4cl|NN|O -RRB-|-rrb-|-RRB-|O ,|,|,|O and|and|CC|O cultured|culture|VBN|O overnight|overnight|JJ|O at|at|IN|O 37|37|CD|O °C|°c|NN|O with|with|IN|O constant|constant|JJ|O agitation|agitation|NN|O .|.|.|O The|the|DT|O cultures|culture|NNS|O were|be|VBD|O diluted|dilute|VBN|O 1:100|1:100|CD|O into|into|IN|O fresh|fresh|JJ|O minimal|minimal|JJ|Med medium|medium|NN|Med and|and|CC|O then|then|RB|O cultured|culture|VBN|O at|at|IN|O 37|37|CD|Temp °C|°c|NN|Temp to|to|TO|O an|a|DT|O appropriate|appropriate|JJ|O cell|cell|NN|O density|density|NN|O with|with|IN|O constant|constant|JJ|O agitation|agitation|NN|O .|.|.|O For|for|IN|O the|the|DT|O anaerobic|anaerobic|JJ|O cultures|culture|NNS|O ,|,|,|O the|the|DT|O minimal|minimal|JJ|O medium|medium|NN|O were|be|VBD|O flushed|flush|VBN|O with|with|IN|O nitrogen|nitrogen|NN|Supp and|and|CC|O then|then|RB|O continuously|continuously|RB|O monitored|monitor|VBN|O using|use|VBG|O a|a|DT|O polarographic-dissolved|polarographic-dissolved|JJ|O oxygen|oxygen|NN|O probe|probe|NN|O -LRB-|-lrb-|-LRB-|O Cole-Parmer|Cole-Parmer|NNP|O Instruments|Instruments|NNP|O -RRB-|-rrb-|-RRB-|O to|to|TO|O ensure|ensure|VB|O anaerobicity|anaerobicity|NN|O .|.|.|O For|for|IN|O nitrate|nitrate|JJ|O respiration|respiration|NN|O 20|20|CD|O mmol|mmol|NN|O potassium|potassium|NN|O nitrate|nitrate|NN|O was|be|VBD|O added|add|VBN|O .|.|.|O
MG1655|mg1655|NN|Substrain PhtpG|phtpg|NN|Gtype :|:|:|Gtype :|:|:|Gtype lacZ|lacz|NN|Gtype delta|delta|NN|Gtype lacX74/ptrc99A|lacx74/ptrc99a|NN|Gtype -LRB-|-lrb-|-LRB-|Gtype control|control|NN|Gtype vector|vector|NN|Gtype -RRB-|-rrb-|-RRB-|Gtype
affyexp|affyexp|JJ|O _|_|NN|O wt|wt|JJ|Gtype _|_|NN|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O anaerobic|anaerobic|JJ|Air _|_|NN|O 3|3|CD|O .|.|.|O CEL|CEL|NNP|O
WT|wt|JJ|Gtype acetate|acetate|NN|Supp 1|1|CD|O
SoxR|soxr|NN|O PQ|pq|NN|Supp 1|1|CD|O
chip|chip|NN|O antibody|antibody|NN|O :|:|:|O σ32|σ32|NN|Anti
HNS|hns|SYM|O -|-|:|O Aerobic|aerobic|JJ|Air B|b|NN|O
Wild|Wild|NNP|Gtype type|type|NN|Gtype control|control|NN|O -LRB-|-lrb-|-LRB-|O 0|0|CD|O min|min|NN|O -RRB-|-rrb-|-RRB-|O
∆|∆|CD|Gtype fur|fur|NN|Gtype Anaerobic|anaerobic|JJ|Air -LSB-|-lsb-|-LRB-|O IP|IP|NNP|O vs|vs|CC|O nput|nput|NN|O -RSB-|-rsb-|-RRB-|O
ΔgadW|δgadw|NN|Gtype pH5|ph5|NN|pH .5|.5|CD|pH 1|1|CD|O
affyexp|affyexp|JJ|O _|_|NN|O delta-fnr|delta-fnr|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4Cl|nh4cl|NN|Supp _|_|CD|O NO3|no3|NN|Supp _|_|CD|O 3|3|CD|O .|.|.|O CEL|CEL|NNP|O
cultured|culture|VBN|O in|in|IN|O :|:|:|O M9|m9|NN|Med minimal|minimal|JJ|Med media|media|NNS|Med with|with|IN|O 0.2|0.2|CD|Supp %|%|NN|Supp fructose|fructose|NN|Supp
chip-Fnr|chip-fnr|JJ|O _|_|NN|O Fnr8myc|fnr8myc|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O NO3|no3|NN|Supp _|_|CD|O 3|3|CD|O
E.|E.|NNP|O coli|coli|NN|O K-12|k-12|NN|O MG1655|mg1655|NN|O WT|wt|NN|O ,|,|,|O gadE|gade|NN|O ,|,|,|O gadW|gadw|NN|O and|and|CC|O gadX|gadx|NN|O mutant|mutant|JJ|O cells|cell|NNS|O were|be|VBD|O grown|grow|VBN|O to|to|TO|O mid-log|mid-log|JJ|O phase|phase|NN|O -LRB-|-lrb-|-LRB-|O OD600|od600|NN|O =|=|JJ|O 0.3|0.3|CD|O -RRB-|-rrb-|-RRB-|O aerobically|aerobically|RB|Air -LRB-|-lrb-|-LRB-|O 250|250|CD|Agit rpm|rpm|NN|Agit -RRB-|-rrb-|-RRB-|O at|at|IN|O 37|37|CD|Temp °C|°c|NN|Temp in|in|IN|O M9|m9|NN|Med minimal|minimal|JJ|Med media|media|NNS|Med supplemented|supplement|VBN|O with|with|IN|O 0.2|0.2|CD|Supp %|%|NN|Supp glucose|glucose|NN|Supp at|at|IN|O pH|ph|NN|pH 5.5|5.5|CD|pH .|.|.|O
At|at|IN|O OD450|od450|NN|OD =|=|JJ|OD 0.3|0.3|CD|OD ,|,|,|O cultures|culture|NNS|O induced|induce|VBN|O with|with|IN|O 1|1|CD|Supp mM|mm|NN|Supp IPTG|iptg|NN|Supp .|.|.|O Cells|cell|NNS|O harvested|harvest|VBN|O 5|5|CD|O min|min|NN|O after|after|IN|O induction|induction|NN|O
acetate|acetate|NN|Supp
Genome|Genome|NNP|O _|_|NNP|O build|build|VB|O :|:|:|O NC|nc|NN|Gversion _|_|CD|Gversion 000913|000913|CD|Gversion
Cells|cell|NNS|O were|be|VBD|O grown|grow|VBN|O in|in|IN|O 65|65|CD|O ml|ml|NN|O LB|lb|NN|O medium|medium|NN|O at|at|IN|O 30|30|CD|O °C|°c|NN|O to|to|TO|O an|a|DT|O OD600|od600|NN|OD of|of|IN|OD about|about|IN|OD 0.3|0.3|CD|OD .|.|.|O Subsequently|subsequently|RB|O 30|30|CD|O ml|ml|NN|O of|of|IN|O culture|culture|NN|O were|be|VBD|O transformed|transform|VBN|O to|to|TO|O a|a|DT|O pre|pre|JJ|O warmed|warm|VBN|O flask|flask|NN|Vess at|at|IN|O 43|43|CD|Temp °C|°c|NN|Temp and|and|CC|O the|the|DT|O remainder|remainder|NN|O kept|keep|VBD|O at|at|IN|O 30|30|CD|Temp °C|°c|NN|Temp -LRB-|-lrb-|-LRB-|Temp see|see|VB|Temp control|control|JJ|Temp sample|sample|NN|Temp -RRB-|-rrb-|-RRB-|Temp .|.|.|O
At|at|IN|O OD450|od450|NN|OD =|=|JJ|OD 0.3|0.3|CD|OD ,|,|,|O cultures|culture|NNS|O induced|induce|VBN|O with|with|IN|O 1|1|CD|Supp mM|mm|NN|Supp IPTG|iptg|NN|Supp .|.|.|O Cells|cell|NNS|O harvested|harvest|VBN|O 20|20|CD|O min|min|NN|O after|after|IN|O induction|induction|NN|O
Escherichia|escherichia|FW|O coli|coli|FW|O ,|,|,|O expressing|express|VBG|O NsrR|nsrr|NN|Gtype with|with|IN|O a|a|DT|O C-terminal|c-terminal|JJ|O Flag-tag|flag-tag|NN|Gtype ,|,|,|O was|be|VBD|O grown|grow|VBN|O anaerobically|anaerobically|RB|Air in|in|IN|O L|L|NNP|Med broth|broth|NN|Med supplemented|supplement|VBN|O with|with|IN|O glucose|glucose|NN|Supp .|.|.|O
WT|wt|JJ|Gtype NaCl|nacl|NN|Supp 2|2|CD|O
Cra|cra|NN|O acetate|acetate|NN|Supp 1|1|CD|O
∆|∆|CD|Gtype fnr|fnr|NN|Gtype -|-|:|O Anaeroibc|anaeroibc|NN|Air
ChIP-exo|chip-exo|NN|O reads|read|VBZ|O were|be|VBD|O aligned|align|VBN|O to|to|TO|O the|the|DT|O NC|nc|NN|Gversion _|_|CD|Gversion 000913|000913|CD|Gversion genome|genome|NN|O reference|reference|NN|O sequence|sequence|NN|O using|use|VBG|O using|use|VBG|O bowtie|bowtie|NN|O v1|v1|NN|O .0.0|.0.0|CD|O with|with|IN|O parameters|parameter|NNS|O -|-|:|O S|s|NN|O
growth|growth|NN|O condition|condition|NN|O :|:|:|O 8|8|CD|Supp µM|µm|NN|Supp IPTG|iptg|NN|Supp
Sodium|sodium|NN|Supp phosphate|phosphate|NN|Supp -LRB-|-lrb-|-LRB-|Supp 1/100|1/100|CD|Supp vol|vol|NN|Supp .|.|.|Supp of|of|IN|Supp 1M|1m|NN|Supp ,|,|,|Supp pH|ph|NN|Supp 7.6|7.6|CD|Supp ;|;|:|Supp 10|10|CD|Supp mM|mm|NN|Supp final|final|JJ|Supp -RRB-|-rrb-|-RRB-|Supp was|be|VBD|O added|add|VBN|O to|to|TO|O the|the|DT|O mid-log|mid-log|NN|Phase cultures|culture|NNS|O followed|follow|VBN|O by|by|IN|O formaldehyde|formaldehyde|NN|O to|to|TO|O 1|1|CD|O %|%|NN|O final|final|JJ|O ,|,|,|O and|and|CC|O aerobic|aerobic|JJ|O or|or|CC|O anaerobic|anaerobic|JJ|O sparging|sparging|NN|O was|be|VBD|O continued|continue|VBN|O for|for|IN|O 10|10|CD|O min|min|NN|O .|.|.|O Cold|Cold|NNP|O 2.5|2.5|CD|O M|m|NN|O glycine|glycine|NN|O was|be|VBD|O added|add|VBN|O to|to|TO|O 100mM|100mm|NN|O and|and|CC|O the|the|DT|O mixture|mixture|NN|O was|be|VBD|O incubated|incubate|VBN|O at|at|IN|O 4|4|CD|O °C|°c|NN|O with|with|IN|O aerobic|aerobic|JJ|O or|or|CC|O anaerobic|anaerobic|JJ|O sparging|sparging|NN|O for|for|IN|O 30|30|CD|O minutes|minute|NNS|O to|to|TO|O stop|stop|VB|O the|the|DT|O crosslinking|crosslinking|NN|O .|.|.|O Cells|cell|NNS|O were|be|VBD|O spun|spin|VBN|O at|at|IN|O 3500|3500|CD|O x|x|CC|O g|g|NN|O ,|,|,|O and|and|CC|O washed|wash|VBN|O repeatedly|repeatedly|RB|O with|with|IN|O phosphate|phosphate|NN|O buffered|buffer|VBN|O saline|saline|NN|O before|before|IN|O being|be|VBG|O frozen|freeze|VBN|O at|at|IN|O -80|-80|CD|O °C|°c|NN|O .|.|.|O
WT|wt|JJ|Gtype _|_|NN|O RNASeq|rnaseq|NN|Technique
RpoB|rpob|NN|O with|with|IN|O DPD|dpd|NN|Supp 2|2|CD|O -LRB-|-lrb-|-LRB-|Technique ChIP-exo|chip-exo|NN|Technique -RRB-|-rrb-|-RRB-|Technique
growth|growth|NN|O condition|condition|NN|O :|:|:|O anaerobic|anaerobic|JJ|Air
NsrR|nsrr|NN|Gtype _|_|CD|Gtype Flagtag|flagtag|NN|Gtype _|_|CD|O rep3|rep3|NN|O
IHF|ihf|SYM|O -|-|:|O Anaerobic|anaerobic|JJ|Air B|b|NN|O
Fur|Fur|NNP|O IP|IP|NNP|O ChIP-Seq|ChIP-Seq|NNP|Technique Aerobic|Aerobic|NNP|Air C|C|NNP|O
Fur|Fur|NNP|O IP|IP|NNP|O ChIP-Seq|ChIP-Seq|NNP|Technique Aerobic|Aerobic|NNP|Air B|b|NN|O
RpoB|rpob|NN|O WT|wt|JJ|Gtype 2|2|CD|O
LB|lb|NN|Med 2.0|2.0|CD|O B2|b2|NN|O TEX|TEX|NNP|O neg|neg|NNP|O L1|l1|NN|O HS1|hs1|NN|O
genotype|genotype|NN|O :|:|:|O Wildtype|wildtype|NN|Gtype
LB|lb|NN|Med 2.0|2.0|CD|O B1|b1|NN|O TEX|TEX|NNP|O pos|po|VBZ|O L2|l2|NN|O HS2|hs2|NN|O
cultured|culture|VBN|O in|in|IN|O :|:|:|O M9|m9|NN|Med minimal|minimal|JJ|Med media|media|NNS|Med with|with|IN|O 0.2|0.2|CD|Supp %|%|NN|Supp glucose|glucose|NN|Supp
chip|chip|NN|O antibody|antibody|NN|O :|:|:|O none|none|NN|Anti
genotype|genotype|NN|O :|:|:|O TrpR-8myc|trpr-8myc|NN|Gtype
affyexp|affyexp|JJ|O _|_|NN|O wt|wt|JJ|Gtype _|_|NN|O glucose|glucose|NN|Supp _|_|CD|O NH4Cl|nh4cl|NN|Supp _|_|CD|O NO3|no3|NN|Supp _|_|NN|O 1|1|CD|O .|.|.|O CEL|CEL|NNP|O
WT|wt|JJ|Gtype pH5|ph5|NN|pH .5|.5|CD|pH 2|2|CD|O
chip|chip|NN|O antibody|antibody|NN|O :|:|:|O anti-RpoB|anti-rpob|JJ|Anti -LRB-|-lrb-|-LRB-|O Neoclone|Neoclone|NNP|O ,|,|,|O WP002|wp002|NN|O -RRB-|-rrb-|-RRB-|O
OxyR|oxyr|NN|O PQ|pq|NN|Supp 1|1|CD|O
chip-Fnr|chip-fnr|JJ|O _|_|NN|O Fnr8myc|fnr8myc|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O anaerobic|anaerobic|JJ|Air _|_|NN|O 1|1|CD|O
Sequenced|sequence|VBN|O reads|read|VBZ|O were|be|VBD|O mapped|map|VBN|O onto|onto|IN|O NC|nc|NN|Gversion _|_|CD|Gversion 000913|000913|CD|Gversion reference|reference|NN|O genome|genome|NN|O sequence|sequence|NN|O using|use|VBG|O bowtie|bowtie|NN|O v1|v1|NN|O .0.0|.0.0|CD|O with|with|IN|O parameters|parameter|NNS|O -|-|:|O X|x|NN|O 1000|1000|CD|O -|-|:|O n|n|NN|O 2|2|CD|O -3|-3|CD|O 3|3|LS|O -|-|:|O S|s|NN|O
genotype/variation|genotype/variation|NN|O :|:|:|O lacking|lack|VBG|Gtype the|the|DT|Gtype transcription|transcription|NN|Gtype factor|factor|NN|Gtype Fur|Fur|NNP|Gtype
ΔsoxR|δsoxr|NN|Gtype PQ|pq|NN|Supp 1|1|CD|O
NsrR|nsrr|NN|Gtype _|_|CD|Gtype Flagtag|flagtag|NN|Gtype _|_|CD|O rep1|rep1|NN|O
genotype/variation|genotype/variation|NN|O :|:|:|O harboring|harbor|VBG|O ArcA-8myc|arca-8myc|NN|Gtype
genotype|genotype|NN|O :|:|:|O delta|delta|NN|O -|-|:|O cra|cra|NN|Gtype Knock-out|knock-out|JJ|Gtype strain|strain|NN|Gtype
chip|chip|NN|O antibody|antibody|NN|O :|:|:|O RNA|rna|NN|Anti polymerase|polymerase|NN|Anti subunit|subunit|NN|Anti β|β|NN|Anti
LB|lb|NN|Med 2.0|2.0|CD|O B1|b1|NN|O TEX|TEX|NNP|O pos|po|VBZ|O L1|l1|NN|O GA|ga|NN|O
OmpR|ompr|NN|O NaCl|nacl|NN|Supp 1|1|CD|O
Cells|cell|NNS|O were|be|VBD|O grown|grow|VBN|O aerobically|aerobically|RB|O -LRB-|-lrb-|-LRB-|O 70|70|CD|O %|%|NN|O N2|n2|NN|O ,|,|,|O 25|25|CD|O %|%|NN|O O2|o2|CD|O ,|,|,|O and|and|CC|O 5|5|CD|O %|%|NN|O CO2|co2|NN|O -RRB-|-rrb-|-RRB-|O or|or|CC|O anaerobically|anaerobically|RB|Air -LRB-|-lrb-|-LRB-|Air 95|95|CD|Air %|%|NN|Air N2|n2|NN|Air and|and|CC|Air 5|5|CD|Air %|%|NN|Air CO2|co2|NN|Air -RRB-|-rrb-|-RRB-|Air until|until|IN|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase -LRB-|-lrb-|-LRB-|O OD600|od600|NN|OD of|of|IN|OD ~|~|NN|OD 0.3-0.35|0.3-0.35|CD|OD -RRB-|-rrb-|-RRB-|O .|.|.|O
∆|∆|CD|Gtype fur|fur|NN|Gtype ∆|∆|CD|Gtype ryhB|ryhb|NN|Gtype Anaerobic|anaerobic|JJ|Air A|a|DT|O
At|at|IN|O OD450|od450|NN|OD =|=|JJ|OD 0.3|0.3|CD|OD ,|,|,|O cultures|culture|NNS|O induced|induce|VBN|O with|with|IN|O 1|1|CD|Supp mM|mm|NN|Supp IPTG|iptg|NN|Supp .|.|.|O Cells|cell|NNS|O harvested|harvest|VBD|O 0|0|CD|O min|min|NN|O after|after|IN|O induction|induction|NN|O
M9|m9|NN|Med minimal|minimal|JJ|Med complete|complete|JJ|Med media|media|NNS|Med ,|,|,|O cultures|culture|NNS|O grown|grow|VBN|O aerobically|aerobically|RB|Air at|at|IN|O 30|30|CD|Temp degrees|degree|NNS|Temp C|c|NN|Temp in|in|IN|O a|a|DT|O gyratory|gyratory|JJ|Agit water|water|NN|Agit bath|bath|NN|Agit shaking|shake|VBG|Agit at|at|IN|Agit 240|240|CD|Agit rpm|rpm|NN|Agit
Escherichia|escherichia|FW|O coli|coli|FW|O ,|,|,|O expressing|express|VBG|O NsrR|nsrr|NN|Gtype with|with|IN|O a|a|DT|O C-terminal|c-terminal|JJ|O Flag-tag|flag-tag|NN|Gtype ,|,|,|O was|be|VBD|O grown|grow|VBN|O anaerobically|anaerobically|RB|Air in|in|IN|O L|L|NNP|Med broth|broth|NN|Med supplemented|supplement|VBN|O with|with|IN|O glucose|glucose|NN|Supp .|.|.|O
LB|lb|NN|Med 0.4|0.4|CD|O B1|b1|NN|O TEX|TEX|NNP|O pos|po|VBZ|O L1|l1|NN|O GA|ga|NN|O
culture|culture|NN|O condition|condition|NN|O :|:|:|O anaerobic|anaerobic|JJ|Air fermentive|fermentive|JJ|O condition|condition|NN|O
genotype/variation|genotype/variation|NN|O :|:|:|O oxyR-8myc|oxyr-8myc|NN|Gtype -|-|:|O tagged|tag|VBN|O
treatment|treatment|NN|O :|:|:|O glucose|glucose|NN|Med -LRB-|-lrb-|-LRB-|Med 2|2|CD|Med g/L|g/l|NN|Med -RRB-|-rrb-|-RRB-|Med minimal|minimal|JJ|Med W2|w2|NN|Med medium|medium|NN|Med supplemented|supplement|VBN|O with|with|IN|O 1g/L|1g/l|NN|Supp arginine|arginine|NN|Supp .|.|.|O
Wild-type|wild-type|JJ|Gtype Anaerobic|anaerobic|JJ|Air B|b|NN|O
WT|wt|JJ|Gtype with|with|IN|O DPD|dpd|NN|Supp 2|2|CD|O -LRB-|-lrb-|-LRB-|Technique RNA-seq|rna-seq|NN|Technique -RRB-|-rrb-|-RRB-|Technique
ß|ß|SYM|O -|-|:|O Anaerobic|anaerobic|JJ|Air -|-|:|O B|b|NN|O
ArgR|argr|NN|O _|_|CD|O NH4Cl|nh4cl|NN|Supp _|_|NN|O 1|1|CD|O
Escherichia|escherichia|FW|O coli|coli|FW|O MG1655|mg1655|NN|O K-12|k-12|NN|O dFNR|dfnr|NN|Gtype -LRB-|-lrb-|-LRB-|Gtype PK4854|pk4854|NN|Gtype -RRB-|-rrb-|-RRB-|Gtype
∆|∆|CD|Gtype fur|fur|NN|Gtype ∆|∆|CD|Gtype ryhB|ryhb|NN|Gtype Aerobic|aerobic|JJ|Air B|b|NN|O
affyexp|affyexp|JJ|O _|_|NN|O wt|wt|JJ|Gtype _|_|NN|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O anaerobic|anaerobic|JJ|Air _|_|NN|O 1|1|CD|O .|.|.|O CEL|CEL|NNP|O
affyexp|affyexp|JJ|O _|_|NN|O delta-fnr|delta-fnr|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4Cl|nh4cl|NN|Supp _|_|CD|O NO3|no3|NN|Supp _|_|NN|O 1|1|CD|O .|.|.|O CEL|CEL|NNP|O
genotype|genotype|NN|O :|:|:|O gadW-8myc|gadw-8myc|NN|Gtype
SeqA|seqa|NN|O old|old|JJ|O deltaSeqA|deltaseqa|NN|Gtype
agent|agent|NN|O :|:|:|O DPD|dpd|NN|Supp
Ptac|ptac|NN|Gtype :|:|:|Gtype :|:|:|Gtype fnr|fnr|NN|Gtype -|-|:|O A|a|NN|O -|-|:|O 4|4|CD|Supp µM|µm|NN|Supp IPTG|iptg|NN|Supp
genotype/variation|genotype/variation|NN|O :|:|:|O delta-gadE|delta-gade|NN|Gtype
agent|agent|NN|O :|:|:|O Fe|Fe|NNP|Supp and|and|CC|Supp rifampicin|rifampicin|NN|Supp
ChIP-Seq|chip-seq|NN|Technique
CsiR|csir|NN|O _|_|CD|O ChIPSeq|chipseq|NN|Technique
genoype|genoype|NN|O :|:|:|O dFNR|dfnr|NN|Gtype
genotype/variation|genotype/variation|NN|O :|:|:|O wild|wild|JJ|Gtype type|type|NN|Gtype
Resulting|result|VBG|O reads|read|VBZ|O were|be|VBD|O aligned|align|VBN|O to|to|TO|O the|the|DT|O published|publish|VBN|O E.|e.|FW|O coli|coli|FW|O K-12|k-12|NN|O MG1655|mg1655|NN|O genome|genome|NN|O -LRB-|-lrb-|-LRB-|O U00096|u00096|NN|Gversion .2|.2|NN|Gversion -RRB-|-rrb-|-RRB-|O using|use|VBG|O the|the|DT|O software|software|NN|O package|package|NN|O SOAP|soap|NN|O -LRB-|-lrb-|-LRB-|O Li|Li|NNP|O et|et|FW|O al|al|FW|O ,|,|,|O 2009|2009|CD|O -RRB-|-rrb-|-RRB-|O ,|,|,|O allowing|allow|VBG|O no|no|RB|O more|more|JJR|O than|than|IN|O two|two|CD|O mismatches|mismatch|NNS|O -LRB-|-lrb-|-LRB-|O Supplemental|Supplemental|NNP|O File|File|NNP|O -RRB-|-rrb-|-RRB-|O .|.|.|O Reads|read|VBZ|O aligning|align|VBG|O to|to|TO|O repeated|repeated|JJ|O elements|element|NNS|O in|in|IN|O the|the|DT|O genome|genome|NN|O -LRB-|-lrb-|-LRB-|O e.g.|e.g.|FW|O rRNA|rrna|NN|O -RRB-|-rrb-|-RRB-|O were|be|VBD|O removed|remove|VBN|O from|from|IN|O analysis|analysis|NN|O .|.|.|O For|for|IN|O reads|read|VBZ|O that|that|IN|O had|have|VBD|O no|no|DT|O mapping|mapping|NN|O locations|location|NNS|O for|for|IN|O the|the|DT|O first|first|JJ|O 36|36|CD|O bp|bp|NN|O ,|,|,|O the|the|DT|O 3-30|3-30|CD|O bp|bp|NN|O subsequences|subsequence|NNS|O were|be|VBD|O used|use|VBN|O in|in|IN|O the|the|DT|O subsequent|subsequent|JJ|O mapping|mapping|NN|O to|to|TO|O the|the|DT|O reference|reference|NN|O genome|genome|NN|O .|.|.|O Reads|read|NNS|O that|that|WDT|O had|have|VBD|O unique|unique|JJ|O mapping|mapping|NN|O locations|location|NNS|O and|and|CC|O did|do|VBD|O not|not|RB|O match|match|VB|O annotated|annotated|JJ|O rRNA|rrna|NN|O genes|gene|NNS|O were|be|VBD|O used|use|VBN|O for|for|IN|O further|further|JJ|O analysis|analysis|NN|O .|.|.|O For|for|IN|O each|each|DT|O gene|gene|NN|O ,|,|,|O the|the|DT|O tag|tag|NN|O density|density|NN|O was|be|VBD|O estimated|estimate|VBN|O as|as|IN|O the|the|DT|O number|number|NN|O of|of|IN|O aligned|align|VBN|O sequencing|sequencing|NN|O tags|tag|NNS|O divided|divide|VBN|O by|by|IN|O gene|gene|NN|O size|size|NN|O in|in|IN|O kb|kb|NN|O .|.|.|O Per-gene|per-gene|JJ|O tag|tag|NN|O density|density|NN|O was|be|VBD|O normalized|normalize|VBN|O using|use|VBG|O quantile|quantile|JJ|O normalization|normalization|NN|O -LRB-|-lrb-|-LRB-|O Supplemental|Supplemental|NNP|O Files|Files|NNP|O -RRB-|-rrb-|-RRB-|O .|.|.|O The|the|DT|O tag|tag|NN|O density|density|NN|O data|datum|NNS|O were|be|VBD|O analyzed|analyze|VBN|O for|for|IN|O statistically|statistically|RB|O significant|significant|JJ|O differential|differential|JJ|O expression|expression|NN|O using|use|VBG|O BaySeq|BaySeq|NNP|O -LRB-|-lrb-|-LRB-|O Hardcastle|Hardcastle|NNP|O &|&|CC|O Kelly|Kelly|NNP|O ,|,|,|O 2010|2010|CD|O -RRB-|-rrb-|-RRB-|O with|with|IN|O a|a|DT|O FDR|FDR|NNP|O of|of|IN|O 0.01|0.01|CD|O ,|,|,|O and|and|CC|O genes|gene|NNS|O were|be|VBD|O organized|organize|VBN|O into|into|IN|O operons|operon|NNS|O using|use|VBG|O data|datum|NNS|O from|from|IN|O EcoCyc|EcoCyc|NNP|O -LRB-|-lrb-|-LRB-|O Keseler|Keseler|NNP|O et|et|FW|O al|al|FW|O ,|,|,|O 2011|2011|CD|O -RRB-|-rrb-|-RRB-|O .|.|.|O
affyexp|affyexp|JJ|O _|_|NN|O wt|wt|JJ|Gtype _|_|NN|O glucose|glucose|NN|Supp _|_|CD|O NH4Cl|nh4cl|NN|Supp _|_|CD|O NO3|no3|NN|Supp _|_|NN|O 2|2|CD|O .|.|.|O CEL|CEL|NNP|O
genotype|genotype|NN|O :|:|:|O wildtype|wildtype|JJ|Gtype
∆|∆|CD|Gtype fnr|fnr|NN|Gtype ChIP|chip|NN|O DNA|dna|NN|O from|from|IN|O PK4854|pk4854|NN|Gtype
∆|∆|CD|Gtype fur|fur|NN|Gtype ∆|∆|CD|Gtype ryhB|ryhb|NN|Gtype Aerobic|aerobic|JJ|Air A|a|DT|O
Ecoli|ecolus|NNS|O _|_|VBP|O dFNR|dfnr|NN|Gtype _|_|CD|O rep2|rep2|NN|O _|_|CD|O anaerobic|anaerobic|JJ|Air
M63|m63|NN|Med 0.4|0.4|CD|O B2|b2|NN|O TEX|TEX|NNP|O pos|po|VBZ|O L1|l1|NN|O HS1|hs1|NN|O
growth|growth|NN|O phase|phase|NN|O :|:|:|O mid-log|mid-log|NN|Phase
Cultures|culture|NNS|O grown|grow|VBN|O in|in|IN|O MOPS|MOPS|NNP|Med minimal|minimal|JJ|Med glucose|glucose|NN|Med media|media|NNS|Med containing|contain|VBG|O 10|10|CD|Supp µM|µm|NN|Supp FeSO4|feso4|NN|Supp
Wild-type|wild-type|JJ|Gtype Aerobic|aerobic|JJ|Air A|a|DT|O
Ptac|ptac|NN|Gtype :|:|:|Gtype :|:|:|Gtype fnr|fnr|NN|Gtype -|-|:|O C|c|NN|O -|-|:|O 16|16|CD|Supp µM|µm|NN|Supp IPTG|iptg|NN|Supp
Fur|Fur|NNP|O IP|IP|NNP|O ChIP-Seq|ChIP-Seq|NNP|Technique Anaerobic|Anaerobic|NNP|Air ,|,|,|O Iron|Iron|NNP|Supp Deficient|Deficient|NNP|O A|A|NNP|O
Cells|cell|NNS|O were|be|VBD|O grown|grow|VBN|O anaerobically|anaerobically|RB|Air -LRB-|-lrb-|-LRB-|Air 95|95|CD|Air %|%|NN|Air N2|n2|NN|Air and|and|CC|Air 5|5|CD|Air %|%|NN|Air CO2|co2|NN|Air -RRB-|-rrb-|-RRB-|Air until|until|IN|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase -LRB-|-lrb-|-LRB-|O OD600|od600|NN|OD of|of|IN|OD 0.3|0.3|CD|OD -RRB-|-rrb-|-RRB-|O and|and|CC|O treated|treat|VBN|O with|with|IN|O 1|1|CD|O %|%|NN|O final|final|JJ|O volumen|voluman|NNS|O formaldehyde|formaldehyde|NN|O for|for|IN|O ten|ten|CD|O minutes|minute|NNS|O .|.|.|O Sodium|sodium|NN|O phosphate|phosphate|NN|O -LRB-|-lrb-|-LRB-|O 1/100|1/100|CD|O vol|vol|NN|O .|.|.|O of|of|IN|O 1M|1m|NN|O ,|,|,|O pH|ph|NN|O 7.6|7.6|CD|O ;|;|:|O 10|10|CD|O mM|mm|NN|O final|final|JJ|O -RRB-|-rrb-|-RRB-|O was|be|VBD|O added|add|VBN|O to|to|TO|O the|the|DT|O mid-log|mid-log|JJ|O cultures|culture|NNS|O followed|follow|VBN|O by|by|IN|O formaldehyde|formaldehyde|NN|O to|to|TO|O 1|1|CD|O %|%|NN|O final|final|JJ|O ,|,|,|O and|and|CC|O anaerobic|anaerobic|JJ|O sparging|sparging|NN|O was|be|VBD|O continued|continue|VBN|O for|for|IN|O 10|10|CD|O min|min|NN|O .|.|.|O Cold|Cold|NNP|O 2.5|2.5|CD|O M|m|NN|O glycine|glycine|NN|O was|be|VBD|O added|add|VBN|O to|to|TO|O 100mM|100mm|NN|O and|and|CC|O the|the|DT|O mixture|mixture|NN|O was|be|VBD|O incubated|incubate|VBN|O at|at|IN|O 4|4|CD|O °C|°c|NN|O with|with|IN|O anaerobic|anaerobic|JJ|O sparging|sparging|NN|O for|for|IN|O 30|30|CD|O minutes|minute|NNS|O to|to|TO|O stop|stop|VB|O the|the|DT|O crosslinking|crosslinking|NN|O .|.|.|O Cells|cell|NNS|O were|be|VBD|O spun|spin|VBN|O at|at|IN|O 5000|5000|CD|O x|x|CC|O g|g|NN|O ,|,|,|O and|and|CC|O washed|wash|VBN|O repeatedly|repeatedly|RB|O with|with|IN|O phosphate|phosphate|NN|O buffered|buffer|VBN|O saline|saline|NN|O before|before|IN|O being|be|VBG|O frozen|freeze|VBN|O at|at|IN|O -80|-80|CD|O °C|°c|NN|O .|.|.|O
Cells|cell|NNS|O were|be|VBD|O grown|grow|VBN|O with|with|IN|O 16|16|CD|Supp µM|µm|NN|Supp IPTG|iptg|NN|Supp and|and|CC|Supp 300|300|CD|Supp µL|µl|NN|Supp Cm20|cm20|NN|Supp anaerobically|anaerobically|RB|Air -LRB-|-lrb-|-LRB-|Air 95|95|CD|Air %|%|NN|Air N2|n2|NN|Air and|and|CC|Air 5|5|CD|Air %|%|NN|Air CO2|co2|NN|Air -RRB-|-rrb-|-RRB-|Air until|until|IN|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase -LRB-|-lrb-|-LRB-|O OD600|od600|NN|OD of|of|IN|OD 0.3|0.3|CD|OD -RRB-|-rrb-|-RRB-|O and|and|CC|O treated|treat|VBN|O with|with|IN|O 1|1|CD|O %|%|NN|O final|final|JJ|O volumen|voluman|NNS|O formaldehyde|formaldehyde|NN|O for|for|IN|O ten|ten|CD|O minutes|minute|NNS|O .|.|.|O Sodium|sodium|NN|O phosphate|phosphate|NN|O -LRB-|-lrb-|-LRB-|O 1/100|1/100|CD|O vol|vol|NN|O .|.|.|O of|of|IN|O 1M|1m|NN|O ,|,|,|O pH|ph|NN|O 7.6|7.6|CD|O ;|;|:|O 10|10|CD|O mM|mm|NN|O final|final|JJ|O -RRB-|-rrb-|-RRB-|O was|be|VBD|O added|add|VBN|O to|to|TO|O the|the|DT|O mid-log|mid-log|JJ|O cultures|culture|NNS|O followed|follow|VBN|O by|by|IN|O formaldehyde|formaldehyde|NN|O to|to|TO|O 1|1|CD|O %|%|NN|O final|final|JJ|O ,|,|,|O and|and|CC|O anaerobic|anaerobic|JJ|O sparging|sparging|NN|O was|be|VBD|O continued|continue|VBN|O for|for|IN|O 10|10|CD|O min|min|NN|O .|.|.|O Cold|Cold|NNP|O 2.5|2.5|CD|O M|m|NN|O glycine|glycine|NN|O was|be|VBD|O added|add|VBN|O to|to|TO|O 100mM|100mm|NN|O and|and|CC|O the|the|DT|O mixture|mixture|NN|O was|be|VBD|O incubated|incubate|VBN|O at|at|IN|O 4|4|CD|O °C|°c|NN|O with|with|IN|O anaerobic|anaerobic|JJ|O sparging|sparging|NN|O for|for|IN|O 30|30|CD|O minutes|minute|NNS|O to|to|TO|O stop|stop|VB|O the|the|DT|O crosslinking|crosslinking|NN|O .|.|.|O Cells|cell|NNS|O were|be|VBD|O spun|spin|VBN|O at|at|IN|O 5000|5000|CD|O x|x|CC|O g|g|NN|O ,|,|,|O and|and|CC|O washed|wash|VBN|O repeatedly|repeatedly|RB|O with|with|IN|O phosphate|phosphate|NN|O buffered|buffer|VBN|O saline|saline|NN|O before|before|IN|O being|be|VBG|O frozen|freeze|VBN|O at|at|IN|O -80|-80|CD|O °C|°c|NN|O .|.|.|O
Aerobic|Aerobic|NNP|Air cultures|culture|NNS|O
antibody|antibody|NN|O :|:|:|O anti-FLAG|anti-flag|JJ|Anti mAb|mab|NN|Anti
RpoB|rpob|NN|O with|with|IN|O Fe|Fe|NNP|Supp and|and|CC|O rifampicin|rifampicin|NN|Supp 2|2|CD|O -LRB-|-lrb-|-LRB-|Technique ChIP-exo|chip-exo|NN|Technique -RRB-|-rrb-|-RRB-|Technique
M63|m63|NN|Med 0.4|0.4|CD|O B2|b2|NN|O TEX|TEX|NNP|O neg|neg|NNP|O L1|l1|NN|O HS1|hs1|NN|O
LB|lb|NN|Med 2.0|2.0|CD|O B2|b2|NN|O TEX|TEX|NNP|O pos|po|VBZ|O L2|l2|NN|O HS2|hs2|NN|O
Δfur|δfur|NN|Gtype with|with|IN|O Fe|Fe|NNP|Supp 1|1|CD|O -LRB-|-lrb-|-LRB-|Technique RNA-seq|rna-seq|NN|Technique -RRB-|-rrb-|-RRB-|Technique
Genome|Genome|NNP|O _|_|NNP|O build|build|VB|O :|:|:|O ASM584v2|asm584v2|NN|Gversion
Nac|Nac|NNP|O _|_|NNP|O ChIPSeq|ChIPSeq|NNP|Technique
Δfur|δfur|NN|Gtype with|with|IN|O Fe|Fe|NNP|Supp 2|2|CD|O -LRB-|-lrb-|-LRB-|Technique RNA-seq|rna-seq|NN|Technique -RRB-|-rrb-|-RRB-|Technique
Δcra|δcra|NN|Gtype glucose|glucose|NN|Supp 2|2|CD|O
ChIP-exo|ChIP-exo|NNP|Technique GadE|gade|NN|O pH5|ph5|NN|pH .5|.5|CD|pH 2|2|CD|O
genotype/variation|genotype/variation|NN|O :|:|:|O soxS-8myc|soxs-8myc|NN|Gtype -|-|:|O tagged|tag|VBN|O
Genome|Genome|NNP|O _|_|NNP|O build|build|VB|O :|:|:|O Escherichia|escherichia|FW|O coli|coli|FW|O MG1655|mg1655|NN|O K-12|k-12|NN|O genome|genome|NN|O version|version|NN|O U00096|u00096|NN|Gversion .2|.2|NN|Gversion
FNR|fnr|SYM|O -|-|:|O Anaerobic|anaerobic|JJ|Air -|-|:|O B|b|NN|O
Δfur|δfur|NN|Gtype with|with|IN|O DPD|dpd|NN|Supp 1|1|CD|O -LRB-|-lrb-|-LRB-|Technique RNA-seq|rna-seq|NN|Technique -RRB-|-rrb-|-RRB-|Technique
chip|chip|NN|O antibody|antibody|NN|O :|:|:|O biotin|biotin|NN|Anti conjugated|conjugate|VBN|Anti anti-c-myc|anti-c-myc|JJ|Anti antibody|antibody|NN|Anti
genotype/variation|genotype/variation|NN|O :|:|:|O delta-soxS|delta-soxs|NN|Gtype
genotype/variation|genotype/variation|NN|O :|:|:|O Combined|Combined|NNP|Gtype input|input|NN|Gtype
treatment|treatment|NN|O :|:|:|O glucose|glucose|NN|Med -LRB-|-lrb-|-LRB-|Med 2|2|CD|Med g/L|g/l|NN|Med -RRB-|-rrb-|-RRB-|Med minimal|minimal|JJ|Med M9|m9|NN|Med medium|medium|NN|Med supplemented|supplement|VBN|O without|without|IN|O 20|20|CD|Supp mg/L|mg/l|NN|Supp tryptophan|tryptophan|NN|Supp .|.|.|O
genotype/variation|genotype/variation|NN|O :|:|:|O WT|WT|NNP|Gtype
∆|∆|CD|Gtype fur|fur|NN|Gtype Aerobic|aerobic|JJ|Air A|a|DT|O
strain|strain|NN|O :|:|:|O ∆|∆|CD|Gtype hns|hn|NNS|Gtype /|/|:|Gtype ∆|∆|SYM|Gtype stpA|stpa|NN|Gtype
To|to|TO|O harvest|harvest|VB|O total|total|JJ|O RNA|rna|NN|O samples|sample|NNS|O ,|,|,|O overnight|overnight|JJ|O cultures|culture|NNS|O of|of|IN|O wild|wild|JJ|Gtype type|type|NN|Gtype MG1655|mg1655|NN|O grown|grow|VBN|O in|in|IN|O LB|lb|NN|O at|at|IN|O 37|37|CD|O ˚C|˚c|NN|O were|be|VBD|O diluted|dilute|VBN|O back|back|RB|O 1:500|1:500|CD|O in|in|IN|O either|either|CC|O fresh|fresh|JJ|O LB|lb|NN|O or|or|CC|O M63|m63|NN|Med minimal|minimal|JJ|Med glucose|glucose|NN|Med medium|medium|NN|O and|and|CC|O allowed|allow|VBN|O to|to|TO|O grow|grow|VB|O until|until|IN|O the|the|DT|O cultures|culture|NNS|O reached|reach|VBD|O an|a|DT|O OD600|od600|NN|O of|of|IN|O ~|~|NN|O 0.4|0.4|CD|O and|and|CC|O 2.0|2.0|CD|O for|for|IN|O cultures|culture|NNS|O grown|grow|VBN|O in|in|IN|O LB|lb|NN|O and|and|CC|O an|a|DT|O OD600|od600|NN|OD of|of|IN|OD ~|~|NN|OD 0.4|0.4|CD|OD for|for|IN|O cultures|culture|NNS|O grown|grow|VBN|O in|in|IN|O M63|m63|NN|O .|.|.|O For|for|IN|O samples|sample|NNS|O grown|grow|VBN|O to|to|TO|O OD600|od600|NN|O of|of|IN|O ~|~|NN|O 0.4|0.4|CD|O a|a|DT|O total|total|JJ|O volume|volume|NN|O of|of|IN|O 25|25|CD|O ml|ml|NN|O of|of|IN|O cells|cell|NNS|O were|be|VBD|O harvested|harvest|VBN|O and|and|CC|O combined|combine|VBN|O with|with|IN|O 5|5|CD|O ml|ml|NN|O of|of|IN|O stop|stop|NN|O solution|solution|NN|O -LRB-|-lrb-|-LRB-|O 95|95|CD|O %|%|NN|O Ethanol|ethanol|NN|O ,|,|,|O 5|5|CD|O %|%|NN|O acid|acid|NN|O phenol|phenol|NN|O -RRB-|-rrb-|-RRB-|O .|.|.|O For|for|IN|O samples|sample|NNS|O grown|grow|VBN|O to|to|TO|O OD600|od600|NN|O of|of|IN|O 2.0|2.0|CD|O a|a|DT|O total|total|JJ|O volume|volume|NN|O of|of|IN|O 5|5|CD|O ml|ml|NN|O of|of|IN|O cells|cell|NNS|O were|be|VBD|O harvested|harvest|VBN|O and|and|CC|O combined|combine|VBN|O with|with|IN|O 1|1|CD|O ml|ml|NN|O of|of|IN|O stop|stop|NN|O solution|solution|NN|O .|.|.|O
Lrp|Lrp|NNP|O _|_|SYM|O Leu|Leu|NNP|Supp _|_|SYM|O 1|1|CD|O
A|a|NN|O total|total|NN|O of|of|IN|O six|six|CD|O samples|sample|NNS|O were|be|VBD|O analyzed|analyze|VBN|O .|.|.|O oxyR-8myc|oxyr-8myc|NN|O ,|,|,|O soxR-8myc|soxr-8myc|NN|O ,|,|,|O and|and|CC|O soxS-8myc|soxs-8myc|NN|O tagged|tag|VBD|O cells|cell|NNS|O were|be|VBD|O cultured|culture|VBN|O in|in|IN|O M9|m9|NN|Med minimal|minimal|JJ|Med media|media|NNS|Med with|with|IN|O 0.2|0.2|CD|Supp %|%|NN|Supp glucose|glucose|NN|Supp .|.|.|O Then|then|RB|O cells|cell|NNS|O were|be|VBD|O treated|treat|VBN|O with|with|IN|O 250|250|CD|O uM|um|NN|O of|of|IN|O paraquat|paraquat|NN|O at|at|IN|O mid-log|mid-log|JJ|O pahse|pahse|NN|O for|for|IN|O 20|20|CD|O min|min|NN|O with|with|IN|O agitation|agitation|NN|O .|.|.|O
Δcra|δcra|NN|Gtype glucose|glucose|NN|Supp 1|1|CD|O
HNS|hns|SYM|O -|-|:|O Anaerobic|anaerobic|JJ|Air A|a|DT|O
FNR|fnr|SYM|O -|-|:|O Anaerobic|anaerobic|JJ|Air -|-|:|O Affinity|affinity|NN|O Purified|purify|VBN|O -|-|:|O A|a|NN|O
SoxR|soxr|NN|O PQ|pq|NN|Supp 2|2|CD|O
Fur|Fur|NNP|O with|with|IN|O Fe|Fe|NNP|Supp 1|1|CD|O -LRB-|-lrb-|-LRB-|Technique ChIP-exo|chip-exo|NN|Technique -RRB-|-rrb-|-RRB-|Technique
Cells|cell|NNS|O were|be|VBD|O grown|grow|VBN|O aerobically|aerobically|RB|O -LRB-|-lrb-|-LRB-|O 70|70|CD|O %|%|NN|O N2|n2|NN|O ,|,|,|O 25|25|CD|O %|%|NN|O O2|o2|CD|O ,|,|,|O and|and|CC|O 5|5|CD|O %|%|NN|O CO2|co2|NN|O -RRB-|-rrb-|-RRB-|O or|or|CC|O anaerobically|anaerobically|RB|Air -LRB-|-lrb-|-LRB-|Air 95|95|CD|Air %|%|NN|Air N2|n2|NN|Air and|and|CC|Air 5|5|CD|Air %|%|NN|Air CO2|co2|NN|Air -RRB-|-rrb-|-RRB-|Air until|until|IN|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase -LRB-|-lrb-|-LRB-|O OD600|od600|NN|OD of|of|IN|OD ~|~|NN|OD 0.3-0.35|0.3-0.35|CD|OD -RRB-|-rrb-|-RRB-|O in|in|IN|O MOPS|MOPS|NNP|Med minimal|minimal|JJ|Med glucose|glucose|NN|Med media|media|NNS|Med containing|contain|VBG|O 10|10|CD|Supp µM|µm|NN|Supp FeSO4|feso4|NN|Supp .|.|.|O
RNA-Seq|rna-seq|NN|Technique
Δfur|δfur|NN|Gtype with|with|IN|O DPD|dpd|NN|Supp 2|2|CD|O -LRB-|-lrb-|-LRB-|Technique RNA-seq|rna-seq|NN|Technique -RRB-|-rrb-|-RRB-|Technique
culture|culture|NN|O condition|condition|NN|O :|:|:|O nitrate|nitrate|JJ|Supp respiratory|respiratory|JJ|O condition|condition|NN|O
genotype/variation|genotype/variation|NN|O :|:|:|O ΔarcA|δarca|NN|Gtype
ΔgadW|δgadw|NN|Gtype pH5|ph5|NN|pH .5|.5|CD|pH 2|2|CD|O
∆|∆|CD|Gtype fur|fur|NN|Gtype Anaerobic|anaerobic|JJ|Air B|b|NN|O
E.|E.|NNP|O coli|coli|NN|O K-12|k-12|NN|O MG1655|mg1655|NN|O WT|wt|NN|O and|and|CC|O Fur-8-myc|fur-8-myc|NN|O tagged|tag|VBD|O strains|strain|NNS|O were|be|VBD|O grown|grow|VBN|O to|to|TO|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase aerobically|aerobically|RB|Air at|at|IN|O 37|37|CD|Temp °C|°c|NN|Temp in|in|IN|O M9|m9|NN|Med minimal|minimal|JJ|Med media|media|NNS|Med supplemented|supplement|VBN|O with|with|IN|O 0.2|0.2|CD|Supp %|%|NN|Supp glucose|glucose|NN|Supp .|.|.|O For|for|IN|O iron|iron|NN|O treated|treat|VBN|O cells|cell|NNS|O ,|,|,|O 0.1|0.1|CD|O mM|mm|NN|O of|of|IN|O FeCl2|fecl2|NN|O were|be|VBD|O treated|treat|VBN|O from|from|IN|O the|the|DT|O beginning|beginning|NN|O of|of|IN|O culture|culture|NN|O ,|,|,|O and|and|CC|O for|for|IN|O DPD|dpd|NN|O treated|treat|VBN|O cells|cell|NNS|O ,|,|,|O 0.2|0.2|CD|Supp mM|mm|NN|Supp of|of|IN|Supp DPD|dpd|NN|Supp were|be|VBD|O added|add|VBN|O at|at|IN|O early-log|early-log|JJ|O phase|phase|NN|O and|and|CC|O continued|continue|VBD|O to|to|TO|O culture|culture|NN|O for|for|IN|O additional|additional|JJ|O 2h|2h|NN|Supp .|.|.|O For|for|IN|O the|the|DT|O rifampicin-treated|rifampicin-treated|JJ|O cultures|culture|NNS|O ,|,|,|O the|the|DT|O rifampicin|rifampicin|NN|O dissolved|dissolve|VBN|O in|in|IN|O methanol|methanol|NN|O was|be|VBD|O added|add|VBN|O to|to|TO|O a|a|DT|O final|final|JJ|O concentration|concentration|NN|O of|of|IN|O 150|150|CD|O mg/mL|mg/ml|NN|O at|at|IN|O mid-log|mid-log|JJ|O phase|phase|NN|O and|and|CC|O stirred|stir|VBD|O for|for|IN|O 20|20|CD|O min|min|NN|O .|.|.|O
Lrp|Lrp|NNP|O _|_|SYM|O Leu|Leu|NNP|Supp _|_|SYM|O 3|3|CD|O
RpoB|rpob|NN|O WT|wt|JJ|Gtype 1|1|CD|O
IHF|ihf|SYM|O -|-|:|O Anaerobic|anaerobic|JJ|Air A|a|DT|O
genotype|genotype|NN|O :|:|:|O gadE-8myc|gade-8myc|NN|Gtype
Δcra|δcra|NN|Gtype acetate|acetate|NN|Supp 2|2|CD|O
genotype/variation|genotype/variation|NN|O :|:|:|O delta-gadX|delta-gadx|NN|Gtype
ChIP-exo|ChIP-exo|NNP|Technique GadW|gadw|NN|O pH5|ph5|NN|pH .5|.5|CD|pH 2|2|CD|O
ChIP-Seq|chip-seq|NN|Gversion
chip|chip|NN|O antibody|antibody|NN|O :|:|:|O anti-RpoS|anti-rpos|JJ|Anti -LRB-|-lrb-|-LRB-|O neoclone|neoclone|NN|O ,|,|,|O WP009|wp009|NN|O -RRB-|-rrb-|-RRB-|O
E.|E.|NNP|O coli|coli|NN|O strains|strain|NNS|O harboring|harbor|VBG|O PurR-8myc|purr-8myc|NN|O were|be|VBD|O grown|grow|VBN|O in|in|IN|O minimal|minimal|JJ|O M9|m9|NN|O medium|medium|NN|O supplemented|supplement|VBN|O with|with|IN|O glucose|glucose|NN|O -LRB-|-lrb-|-LRB-|O 2|2|CD|O g/L|g/l|NN|O -RRB-|-rrb-|-RRB-|O then|then|RB|O inoculated|inoculate|VBN|O into|into|IN|O 100mL|100ml|NN|O of|of|IN|O fresh|fresh|JJ|O M9|m9|NN|Med minimal|minimal|JJ|Med medium|medium|NN|Med .|.|.|O
LB|lb|NN|Med 2.0|2.0|CD|O B2|b2|NN|O TEX|TEX|NNP|O pos|po|VBZ|O L1|l1|NN|O HS1|hs1|NN|O
Wild|Wild|NNP|Gtype type|type|NN|Gtype control|control|NN|O -LRB-|-lrb-|-LRB-|O 5|5|CD|O min|min|NN|O -RRB-|-rrb-|-RRB-|O
strain|strain|NN|O :|:|:|O PK8263|pk8263|NN|Gtype
ß|ß|SYM|O -|-|:|O Aerobic|aerobic|JJ|Air -|-|:|O A|a|NN|O
LB|lb|NN|Med 2.0|2.0|CD|O B1|b1|NN|O TEX|TEX|NNP|O neg|neg|NNP|O L2|l2|NN|O HS2|hs2|NN|O
∆|∆|CD|Gtype ryhB|ryhb|NN|Gtype Aerobic|aerobic|JJ|Air
σ32|σ32|NN|O 43|43|CD|Temp °C|°c|NN|Temp rep2|rep2|NN|O
growth|growth|NN|O medium|medium|NN|O :|:|:|O MOPS|MOPS|NNP|Med minimal|minimal|JJ|Med glucose|glucose|NN|Med media|media|NNS|Med containing|contain|VBG|O 1|1|CD|Supp µM|µm|NN|Supp FeSO4|feso4|NN|Supp
At|at|IN|O OD450|od450|NN|OD =|=|JJ|OD 0.3|0.3|CD|OD ,|,|,|O cultures|culture|NNS|O induced|induce|VBN|O with|with|IN|O 1|1|CD|Supp mM|mm|NN|Supp IPTG|iptg|NN|Supp .|.|.|O Cells|cell|NNS|O harvested|harvest|VBN|O 2.5|2.5|CD|O min|min|NN|O after|after|IN|O induction|induction|NN|O
ChIP-exo|ChIP-exo|NNP|Technique RpoS|rpos|NN|O pH5|ph5|NN|pH .5|.5|CD|pH 2|2|CD|O
TrpR|trpr|NN|O _|_|CD|O glucose|glucose|NN|Supp
antibody|antibody|NN|O :|:|:|O Affinity|Affinity|NNP|Anti Purified|purify|VBN|Anti FNR|fnr|NN|Anti antibody|antibody|NN|Anti
ip|ip|NN|O antibody|antibody|NN|O :|:|:|O affinity|affinity|NN|Anti purified|purify|VBN|Anti anti-Fur|anti-fur|JJ|Anti antibody|antibody|NN|Anti
WT|wt|JJ|Gtype with|with|IN|O Fe|Fe|NNP|Supp 1|1|CD|O -LRB-|-lrb-|-LRB-|Technique RNA-seq|rna-seq|NN|Technique -RRB-|-rrb-|-RRB-|Technique
LB|lb|NN|Med 2.0|2.0|CD|O B1|b1|NN|O TEX|tex|NN|O neg|neg|NN|O L1|l1|NN|O GA|ga|NN|O
Nac|Nac|NNP|O _|_|SYM|O RNASeq|rnaseq|NN|Technique
chip|chip|NN|O antibody|antibody|NN|O :|:|:|O Custom|Custom|NNP|O anti-Fur|anti-fur|JJ|Anti polyclonal|polyclonal|JJ|Anti antibody|antibody|NN|Anti
Cells|cell|NNS|O were|be|VBD|O grown|grow|VBN|O at|at|IN|O 37|37|CD|Temp °C|°c|NN|Temp to|to|TO|O an|a|DT|O OD600|od600|NN|OD of|of|IN|OD about|about|IN|OD 0.15|0.15|CD|OD in|in|IN|O 100|100|CD|O ml|ml|NN|O LB|lb|NN|Med -LRB-|-lrb-|-LRB-|O +|+|CC|O 0.2|0.2|CD|Supp %|%|NN|Supp glucose|glucose|NN|Supp -RRB-|-rrb-|-RRB-|O .|.|.|O
Wild-type|wild-type|JJ|Gtype Aerobic|aerobic|JJ|Air B|b|NN|O
antibody|antibody|NN|O :|:|:|O Pre-cleared|pre-cleared|JJ|Anti IHF|ihf|NN|Anti polyclonal|polyclonal|JJ|Anti antibody|antibody|NN|Anti
chip-Fnr|chip-fnr|JJ|O _|_|NN|O Fnr8myc|fnr8myc|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O anaerobic|anaerobic|JJ|Air _|_|NN|O 3|3|CD|O
genotype/variation|genotype/variation|NN|O :|:|:|O -LCB-|-lcb-|-LRB-|Gtype delta|delta|NN|Gtype -RCB-|-rcb-|-RRB-|Gtype lacZ|lacz|NN|Gtype ,|,|,|Gtype -LCB-|-lcb-|-LRB-|Gtype delta|delta|NN|Gtype -RCB-|-rcb-|-RRB-|Gtype tonB|tonb|NN|Gtype ,|,|,|Gtype -LCB-|-lcb-|-LRB-|Gtype delta|delta|NN|Gtype -RCB-|-rcb-|-RRB-|Gtype feoA|feoa|NN|Gtype ,|,|,|Gtype -LCB-|-lcb-|-LRB-|Gtype delta|delta|NN|Gtype -RCB-|-rcb-|-RRB-|Gtype zupT|zupt|NN|Gtype K12|k12|NN|Gtype
To|to|TO|O harvest|harvest|VB|O total|total|JJ|O RNA|rna|NN|O samples|sample|NNS|O ,|,|,|O overnight|overnight|JJ|O cultures|culture|NNS|O of|of|IN|O wild|wild|JJ|Gtype type|type|NN|Gtype MG1655|mg1655|NN|O grown|grow|VBN|O in|in|IN|O LB|lb|NN|O at|at|IN|O 37|37|CD|O ˚C|˚c|NN|O were|be|VBD|O diluted|dilute|VBN|O back|back|RB|O 1:500|1:500|CD|O in|in|IN|O either|either|CC|O fresh|fresh|JJ|O LB|lb|NN|O or|or|CC|O M63|m63|NN|O minimal|minimal|JJ|O glucose|glucose|NN|O medium|medium|NN|O and|and|CC|O allowed|allow|VBN|O to|to|TO|O grow|grow|VB|O until|until|IN|O the|the|DT|O cultures|culture|NNS|O reached|reach|VBD|O an|a|DT|O OD600|od600|NN|O of|of|IN|O ~|~|NN|O 0.4|0.4|CD|O and|and|CC|O 2.0|2.0|CD|O for|for|IN|O cultures|culture|NNS|O grown|grow|VBN|O in|in|IN|O LB|lb|NN|O and|and|CC|O an|a|DT|O OD600|od600|NN|O of|of|IN|O ~|~|NN|O 0.4|0.4|CD|O for|for|IN|O cultures|culture|NNS|O grown|grow|VBN|O in|in|IN|O M63|m63|NN|O .|.|.|O For|for|IN|O samples|sample|NNS|O grown|grow|VBN|O to|to|TO|O OD600|od600|NN|O of|of|IN|O ~|~|NN|O 0.4|0.4|CD|O a|a|DT|O total|total|JJ|O volume|volume|NN|O of|of|IN|O 25|25|CD|O ml|ml|NN|O of|of|IN|O cells|cell|NNS|O were|be|VBD|O harvested|harvest|VBN|O and|and|CC|O combined|combine|VBN|O with|with|IN|O 5|5|CD|O ml|ml|NN|O of|of|IN|O stop|stop|NN|O solution|solution|NN|O -LRB-|-lrb-|-LRB-|O 95|95|CD|O %|%|NN|O Ethanol|ethanol|NN|O ,|,|,|O 5|5|CD|O %|%|NN|O acid|acid|NN|O phenol|phenol|NN|O -RRB-|-rrb-|-RRB-|O .|.|.|O For|for|IN|O samples|sample|NNS|O grown|grow|VBN|O to|to|TO|O OD600|od600|NN|OD of|of|IN|OD 2.0|2.0|CD|OD a|a|DT|O total|total|JJ|O volume|volume|NN|O of|of|IN|O 5|5|CD|O ml|ml|NN|O of|of|IN|O cells|cell|NNS|O were|be|VBD|O harvested|harvest|VBN|O and|and|CC|O combined|combine|VBN|O with|with|IN|O 1|1|CD|O ml|ml|NN|O of|of|IN|O stop|stop|NN|O solution|solution|NN|O .|.|.|O
genotype|genotype|NN|O :|:|:|O ArgR-8myc|argr-8myc|NN|Gtype
E.|E.|NNP|O coli|coli|NN|O K-12|k-12|NN|O MG1655|mg1655|NN|O WT|WT|NNP|O ,|,|,|O GadE-8-myc|gade-8-myc|NN|O ,|,|,|O GadW-8-myc|gadw-8-myc|NN|O ,|,|,|O and|and|CC|O GadX-8-myc|gadx-8-myc|NN|O tagged|tag|VBD|O strains|strain|NNS|O were|be|VBD|O grown|grow|VBN|O to|to|TO|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase -LRB-|-lrb-|-LRB-|O OD600|od600|NN|OD =|=|JJ|OD 0.3|0.3|CD|OD -RRB-|-rrb-|-RRB-|O aerobically|aerobically|RB|Air -LRB-|-lrb-|-LRB-|O 250|250|CD|Agit rpm|rpm|NN|Agit -RRB-|-rrb-|-RRB-|O at|at|IN|O 37|37|CD|Temp °C|°c|NN|Temp in|in|IN|O M9|m9|NN|Med minimal|minimal|JJ|Med media|media|NNS|Med supplemented|supplement|VBN|O with|with|IN|O 0.2|0.2|CD|Supp %|%|NN|Supp glucose|glucose|NN|Supp at|at|IN|O pH|ph|NN|pH 5.5|5.5|CD|pH .|.|.|O
Lrp|Lrp|NNP|O _|_|SYM|O Leu|Leu|NNP|Supp _|_|NN|O 2|2|CD|O
Samples|sample|NNS|O for|for|IN|O transcriptome|transcriptome|NN|O analysis|analysis|NN|O were|be|VBD|O taken|take|VBN|O from|from|IN|O exponentially|exponentially|RB|Phase growing|grow|VBG|Phase cells|cell|NNS|Phase .|.|.|O From|from|IN|O the|the|DT|O cells|cell|NNS|O treated|treat|VBN|O by|by|IN|O RNAprotect|rnaprotect|NN|O Bacteria|bacterium|NNS|O Reagent|reagent|NN|O -LRB-|-lrb-|-LRB-|O Qiagen|qiagen|NN|O -RRB-|-rrb-|-RRB-|O ,|,|,|O total|total|JJ|O RNA|rna|NN|O samples|sample|NNS|O were|be|VBD|O isolated|isolate|VBN|O using|use|VBG|O RNeasy|rneasy|JJ|O columns|column|NNS|O -LRB-|-lrb-|-LRB-|O Qiagen|Qiagen|NNP|O -RRB-|-rrb-|-RRB-|O in|in|IN|O accordance|accordance|NN|O with|with|IN|O manufacturer|manufacturer|NN|O 's|'s|POS|O instruction|instruction|NN|O .|.|.|O
ΔsoxR|δsoxr|NN|Gtype PQ|pq|NN|Supp 2|2|CD|O
genotype|genotype|NN|O :|:|:|O ΔseqA|δseqa|NN|Gtype
agent|agent|NN|O :|:|:|O DPD|dpd|NN|Supp and|and|CC|Supp rifampicin|rifampicin|NN|Supp
carbon|carbon|NN|O source|source|NN|O :|:|:|O acetate|acetate|NN|Supp
affyexp|affyexp|JJ|O _|_|NN|O delta-arcA|delta-arca|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4Cl|nh4cl|NN|Supp _|_|CD|O NO3|no3|NN|Supp _|_|NN|O 2|2|CD|O .|.|.|O CEL|CEL|NNP|O
PurR|purr|NN|O _|_|CD|O glucose|glucose|NN|Supp _|_|NN|O 2|2|CD|O
Cells|cell|NNS|O were|be|VBD|O grown|grow|VBN|O with|with|IN|O 8|8|CD|Supp µM|µm|NN|Supp IPTG|iptg|NN|Supp and|and|CC|Supp 300|300|CD|Supp µL|µl|NN|Supp Cm20|cm20|NN|Supp anaerobically|anaerobically|RB|Air -LRB-|-lrb-|-LRB-|Air 95|95|CD|Air %|%|NN|Air N2|n2|NN|Air and|and|CC|Air 5|5|CD|Air %|%|NN|Air CO2|co2|NN|Air -RRB-|-rrb-|-RRB-|Air until|until|IN|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase -LRB-|-lrb-|-LRB-|O OD600|od600|NN|OD of|of|IN|OD 0.3|0.3|CD|OD -RRB-|-rrb-|-RRB-|O and|and|CC|O treated|treat|VBN|O with|with|IN|O 1|1|CD|O %|%|NN|O final|final|JJ|O volumen|voluman|NNS|O formaldehyde|formaldehyde|NN|O for|for|IN|O ten|ten|CD|O minutes|minute|NNS|O .|.|.|O Sodium|sodium|NN|O phosphate|phosphate|NN|O -LRB-|-lrb-|-LRB-|O 1/100|1/100|CD|O vol|vol|NN|O .|.|.|O of|of|IN|O 1M|1m|NN|O ,|,|,|O pH|ph|NN|O 7.6|7.6|CD|O ;|;|:|O 10|10|CD|O mM|mm|NN|O final|final|JJ|O -RRB-|-rrb-|-RRB-|O was|be|VBD|O added|add|VBN|O to|to|TO|O the|the|DT|O mid-log|mid-log|JJ|O cultures|culture|NNS|O followed|follow|VBN|O by|by|IN|O formaldehyde|formaldehyde|NN|O to|to|TO|O 1|1|CD|O %|%|NN|O final|final|JJ|O ,|,|,|O and|and|CC|O anaerobic|anaerobic|JJ|O sparging|sparging|NN|O was|be|VBD|O continued|continue|VBN|O for|for|IN|O 10|10|CD|O min|min|NN|O .|.|.|O Cold|Cold|NNP|O 2.5|2.5|CD|O M|m|NN|O glycine|glycine|NN|O was|be|VBD|O added|add|VBN|O to|to|TO|O 100mM|100mm|NN|O and|and|CC|O the|the|DT|O mixture|mixture|NN|O was|be|VBD|O incubated|incubate|VBN|O at|at|IN|O 4|4|CD|O °C|°c|NN|O with|with|IN|O anaerobic|anaerobic|JJ|O sparging|sparging|NN|O for|for|IN|O 30|30|CD|O minutes|minute|NNS|O to|to|TO|O stop|stop|VB|O the|the|DT|O crosslinking|crosslinking|NN|O .|.|.|O Cells|cell|NNS|O were|be|VBD|O spun|spin|VBN|O at|at|IN|O 5000|5000|CD|O x|x|CC|O g|g|NN|O ,|,|,|O and|and|CC|O washed|wash|VBN|O repeatedly|repeatedly|RB|O with|with|IN|O phosphate|phosphate|NN|O buffered|buffer|VBN|O saline|saline|NN|O before|before|IN|O being|be|VBG|O frozen|freeze|VBN|O at|at|IN|O -80|-80|CD|O °C|°c|NN|O .|.|.|O
E.|E.|NNP|O coli|coli|NN|O K-12|k-12|NN|O MG1655|mg1655|NN|O WT|wt|NN|O and|and|CC|O Δfur|δfur|NN|O were|be|VBD|O grown|grow|VBN|O to|to|TO|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase aerobically|aerobically|RB|Air at|at|IN|O 37|37|CD|Temp °C|°c|NN|Temp in|in|IN|O M9|m9|NN|Med minimal|minimal|JJ|Med media|media|NNS|Med supplemented|supplement|VBN|O with|with|IN|O 0.2|0.2|CD|Supp %|%|NN|Supp glucose|glucose|NN|Supp .|.|.|O For|for|IN|O iron|iron|NN|O treated|treat|VBN|O cells|cell|NNS|O ,|,|,|O 0.1|0.1|CD|O mM|mm|NN|O of|of|IN|O FeCl2|fecl2|NN|O were|be|VBD|O treated|treat|VBN|O from|from|IN|O the|the|DT|O beginning|beginning|NN|O of|of|IN|O culture|culture|NN|O ,|,|,|O and|and|CC|O for|for|IN|O DPD|dpd|NN|O treated|treat|VBN|O cells|cell|NNS|O ,|,|,|O 0.2|0.2|CD|Supp mM|mm|NN|Supp of|of|IN|Supp DPD|dpd|NN|Supp were|be|VBD|O added|add|VBN|O at|at|IN|O early-log|early-log|JJ|O phase|phase|NN|O and|and|CC|O continued|continue|VBD|O to|to|TO|O culture|culture|NN|O for|for|IN|O additional|additional|JJ|O 2h|2h|NN|O .|.|.|O
antibody|antibody|NN|O :|:|:|O RNA|rna|NN|Anti Polymerase|polymerase|NN|Anti ß|ß|NN|Anti monoclonal|monoclonal|JJ|Anti antibody|antibody|NN|Anti from|from|IN|O NeoClone|NeoClone|NNP|O -LRB-|-lrb-|-LRB-|O W0002|w0002|NN|O -RRB-|-rrb-|-RRB-|O
growth|growth|NN|O medium|medium|NN|O :|:|:|O MOPS|MOPS|NNP|Med minimal|minimal|JJ|Med glucose|glucose|NN|Med media|media|NNS|Med containing|contain|VBG|O 10|10|CD|Supp µM|µm|NN|Supp FeSO4|feso4|NN|Supp
PurR|purr|NN|O _|_|CD|O Adenine|Adenine|NNP|Supp _|_|NN|O 2|2|CD|O
WT|wt|JJ|Gtype NaCl|nacl|NN|Supp 1|1|CD|O
genotype|genotype|NN|O :|:|:|O gadX-8myc|gadx-8myc|NN|Gtype
Escherichia|escherichia|FW|O coli|coli|FW|O str|str|NN|O .|.|.|O K-12|k-12|NN|Strain substr|substr|NN|O .|.|.|O MG1655star|mg1655star|NN|Substrain
library|library|NN|O strategy|strategy|NN|O :|:|:|O ChIP-exo|ChIP-exo|NNP|Technique
affyexp|affyexp|JJ|O _|_|NN|O delta-fnr|delta-fnr|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O anaerobic|anaerobic|JJ|Air _|_|NN|O 1|1|CD|O .|.|.|O CEL|CEL|NNP|O
treatment|treatment|NN|O :|:|:|O glucose|glucose|NN|Med -LRB-|-lrb-|-LRB-|Med 2|2|CD|Med g/L|g/l|NN|Med -RRB-|-rrb-|-RRB-|Med minimal|minimal|JJ|Med M9|m9|NN|Med medium|medium|NN|Med supplemented|supplement|VBN|O with|with|IN|O 10|10|CD|Supp mM|mm|NN|Supp leucine|leucine|NN|Supp .|.|.|O
treated|treat|VBN|O with|with|IN|O :|:|:|O 250|250|CD|Supp uM|um|NN|Supp of|of|IN|Supp paraquat|paraquat|NN|Supp at|at|IN|O mid-log|mid-log|NN|Phase pahse|pahse|NN|Phase for|for|IN|O 20|20|CD|Supp min|min|NN|Supp
ΔoxyR|δoxyr|NN|Gtype PQ|pq|NN|Supp 2|2|CD|O
SoxS|soxs|NN|O PQ|pq|NN|Supp 2|2|CD|O
genotype/variation|genotype/variation|NN|O :|:|:|O delta-soxR|delta-soxr|NN|Gtype
M63|m63|NN|Med 0.4|0.4|CD|O B2|b2|NN|O TEX|TEX|NNP|O pos|po|VBZ|O L1|l1|NN|O HS2|hs2|NN|O
chip|chip|NN|O antibody|antibody|NN|O :|:|:|O SeqA|seqa|NN|Anti
genotype/variation|genotype/variation|NN|O :|:|:|O Δfnr|δfnr|NN|Gtype
∆|∆|CD|Gtype fur|fur|NN|Gtype Aerobic|aerobic|JJ|Air B|b|NN|O
E.|e.|FW|O coli|coli|FW|O K-12|k-12|NN|O MG1655|mg1655|NN|O cra-8myc|cra-8myc|NN|O tagged|tag|VBD|O strains|strain|NNS|O was|be|VBD|O grown|grow|VBN|O to|to|TO|O mid-log|mid-log|JJ|O phase|phase|NN|O aerobically|aerobically|RB|Air at|at|IN|O 37|37|CD|Temp °C|°c|NN|Temp in|in|IN|O M9|m9|NN|O minimal|minimal|JJ|O media|media|NNS|O supplemented|supplement|VBN|O with|with|IN|O 0.2|0.2|CD|O %|%|NN|O glucose|glucose|NN|O ,|,|,|O fructose|fructose|NN|O and|and|CC|O acetate|acetate|NN|O .|.|.|O
Genome|Genome|NNP|O _|_|NNP|O build|build|VB|O :|:|:|O U00096|u00096|NN|Gversion .2|.2|NN|Gversion -LRB-|-lrb-|-LRB-|O GenBank|genbank|NN|O -RRB-|-rrb-|-RRB-|O
M63|m63|NN|Med 0.4|0.4|CD|O B1|b1|NN|O TEX|TEX|NNP|O pos|po|VBZ|O L1|l1|NN|O GA|ga|NN|O
WT|wt|JJ|Gtype _|_|NN|O ChIPSeq|chipseq|NN|Technique _|_|NN|O 1|1|CD|O
Wild|Wild|NNP|Gtype type|type|NN|Gtype control|control|NN|O -LRB-|-lrb-|-LRB-|O 2.5|2.5|CD|O min|min|NN|O -RRB-|-rrb-|-RRB-|O
chip-Fnr|chip-fnr|JJ|O _|_|NN|O Fnr8myc|fnr8myc|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O anaerobic|anaerobic|JJ|Air _|_|NN|O 2|2|CD|O
cultured|culture|VBN|O in|in|IN|O :|:|:|O M9|m9|NN|Med minimal|minimal|JJ|Med media|media|NNS|Med with|with|IN|O 0.2|0.2|CD|Supp %|%|NN|Supp acetate|acetate|NN|Supp
Cra|Cra|NNP|O glucose|glucose|NN|Supp 1|1|CD|O
ΔgadX|δgadx|NN|Gtype pH5|ph5|NN|pH .5|.5|CD|pH 2|2|CD|O
LB|lb|NN|Med 0.4|0.4|CD|O B2|b2|NN|O TEX|TEX|NNP|O pos|po|VBZ|O L1|l1|NN|O HS1|hs1|NN|O
WT|wt|JJ|Gtype glucose|glucose|NN|Supp 2|2|CD|O
Fur|Fur|NNP|O IP|IP|NNP|O ChIP-Seq|ChIP-Seq|NNP|Technique Anaerobic|Anaerobic|NNP|Air ,|,|,|O Iron|Iron|NNP|Supp Deficient|deficient|JJ|O B|b|NN|O
Wild-type|wild-type|JJ|Gtype Anaerobic|anaerobic|JJ|Air A|a|DT|O
Ptac|ptac|NN|Gtype :|:|:|Gtype :|:|:|Gtype fnr|fnr|NN|Gtype -|-|:|O A|a|NN|O -|-|:|O 8|8|CD|Supp µM|µm|NN|Supp IPTG|iptg|NN|Supp
Ecoli|ecolus|NNS|O _|_|VBP|O wild-type|wild-type|JJ|Gtype _|_|NN|O rep2|rep2|NN|O _|_|CD|O anaerobic|anaerobic|JJ|Air
ΔgadE|δgade|NN|Gtype pH5|ph5|NN|pH .5|.5|CD|pH 1|1|CD|O
FNR|fnr|SYM|O -|-|:|O ∆|∆|CD|Gtype hns|hn|NNS|Gtype ∆|∆|VBP|Gtype stpA|stpa|NN|Gtype B|b|NN|O
WT|wt|JJ|Gtype PQ|pq|NN|Supp 2|2|CD|O
RpoB|rpob|NN|O with|with|IN|O DPD|dpd|NN|Supp and|and|CC|O rifampicin|rifampicin|NN|Supp 1|1|CD|O -LRB-|-lrb-|-LRB-|Technique ChIP-exo|chip-exo|NN|Technique -RRB-|-rrb-|-RRB-|Technique
Ecoli|ecolus|NNS|O _|_|VBP|O wild-type|wild-type|JJ|Gtype _|_|NN|O rep1|rep1|NN|O _|_|CD|O anaerobic|anaerobic|JJ|Air
A|a|NN|O total|total|NN|O of|of|IN|O two|two|CD|O samples|sample|NNS|O were|be|VBD|O analyzed|analyze|VBN|O .|.|.|O ompR-8myc|ompr-8myc|NN|O tagged|tag|VBD|O cells|cell|NNS|O were|be|VBD|O cultured|culture|VBN|O in|in|IN|O M9|m9|NN|Med minimal|minimal|JJ|Med media|media|NNS|Med with|with|IN|O 0.2|0.2|CD|Supp %|%|NN|Supp glucose|glucose|NN|Supp .|.|.|O Then|then|RB|O cells|cell|NNS|O were|be|VBD|O treated|treat|VBN|O with|with|IN|O 0.3|0.3|CD|Supp M|m|NN|Supp of|of|IN|Supp NaCl|nacl|NN|Supp at|at|IN|O mid-log|mid-log|NN|Phase pahse|pahse|NN|Phase for|for|IN|O 30|30|CD|Supp min|min|NN|Supp with|with|IN|O agitation|agitation|NN|O .|.|.|O
Cells|cell|NNS|O were|be|VBD|O grown|grow|VBN|O aerobically|aerobically|RB|O -LRB-|-lrb-|-LRB-|O 70|70|CD|O %|%|NN|O N2|n2|NN|O ,|,|,|O 25|25|CD|O %|%|NN|O O2|o2|CD|O ,|,|,|O and|and|CC|O 5|5|CD|O %|%|NN|O CO2|co2|NN|O -RRB-|-rrb-|-RRB-|O or|or|CC|O anaerobically|anaerobically|RB|O -LRB-|-lrb-|-LRB-|O 95|95|CD|O %|%|NN|O N2|n2|NN|O and|and|CC|O 5|5|CD|O %|%|NN|O CO2|co2|NN|O -RRB-|-rrb-|-RRB-|O until|until|IN|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase -LRB-|-lrb-|-LRB-|O OD600|od600|NN|OD of|of|IN|OD ~|~|NN|OD 0.3-0.35|0.3-0.35|CD|OD -RRB-|-rrb-|-RRB-|O .|.|.|O
Ptac|ptac|NN|Gtype :|:|:|Gtype :|:|:|Gtype fnr|fnr|NN|Gtype -|-|:|O B|b|NN|O -|-|:|O 8|8|CD|Supp µM|µm|NN|Supp IPTG|iptg|NN|Supp
E.|E.|NNP|O coli|coli|NN|O K-12|k-12|NN|O MG1655|mg1655|NN|O WT|wt|NN|O and|and|CC|O Fur-8-myc|fur-8-myc|NN|O tagged|tag|VBD|O strains|strain|NNS|O were|be|VBD|O grown|grow|VBN|O to|to|TO|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase aerobically|aerobically|RB|Air at|at|IN|O 37|37|CD|Temp °C|°c|NN|Temp in|in|IN|O M9|m9|NN|Med minimal|minimal|JJ|Med media|media|NNS|Med supplemented|supplement|VBN|O with|with|IN|O 0.2|0.2|CD|Supp %|%|NN|Supp glucose|glucose|NN|Supp .|.|.|O For|for|IN|O iron|iron|NN|O treated|treat|VBN|O cells|cell|NNS|O ,|,|,|O 0.1|0.1|CD|Supp mM|mm|NN|Supp of|of|IN|Supp FeCl2|fecl2|NN|Supp were|be|VBD|O treated|treat|VBN|O from|from|IN|O the|the|DT|O beginning|beginning|NN|O of|of|IN|O culture|culture|NN|O ,|,|,|O and|and|CC|O for|for|IN|O DPD|dpd|NN|O treated|treat|VBN|O cells|cell|NNS|O ,|,|,|O 0.2|0.2|CD|O mM|mm|NN|O of|of|IN|O DPD|dpd|NN|O were|be|VBD|O added|add|VBN|O at|at|IN|O early-log|early-log|JJ|O phase|phase|NN|O and|and|CC|O continued|continue|VBD|O to|to|TO|O culture|culture|NN|O for|for|IN|O additional|additional|JJ|O 2h|2h|NN|Supp .|.|.|O For|for|IN|O the|the|DT|O rifampicin-treated|rifampicin-treated|JJ|O cultures|culture|NNS|O ,|,|,|O the|the|DT|O rifampicin|rifampicin|NN|Supp dissolved|dissolve|VBN|Supp in|in|IN|Supp methanol|methanol|NN|Supp was|be|VBD|O added|add|VBN|O to|to|TO|O a|a|DT|O final|final|JJ|O concentration|concentration|NN|O of|of|IN|O 150|150|CD|Supp mg/mL|mg/ml|NN|Supp at|at|IN|O mid-log|mid-log|JJ|O phase|phase|NN|O and|and|CC|O stirred|stir|VBD|O for|for|IN|O 20|20|CD|Supp min|min|NN|Supp .|.|.|O
σ32|σ32|NN|O 30|30|CD|Temp °C|°c|NN|Temp rep2|rep2|NN|O
WT|wt|JJ|Gtype with|with|IN|O DPD|dpd|NN|Supp 1|1|CD|O -LRB-|-lrb-|-LRB-|Technique RNA-seq|rna-seq|NN|Technique -RRB-|-rrb-|-RRB-|Technique
genotype/variation|genotype/variation|NN|O :|:|:|O -LCB-|-lcb-|-LRB-|Gtype delta|delta|NN|Gtype -RCB-|-rcb-|-RRB-|Gtype tonB|tonb|NN|Gtype ,|,|,|Gtype -LCB-|-lcb-|-LRB-|Gtype delta|delta|NN|Gtype -RCB-|-rcb-|-RRB-|Gtype feoA|feoa|NN|Gtype ,|,|,|Gtype -LCB-|-lcb-|-LRB-|Gtype delta|delta|NN|Gtype -RCB-|-rcb-|-RRB-|Gtype zupT|zupt|NN|Gtype K12|k12|NN|Gtype
ChIP-exo|ChIP-exo|NNP|Technique GadE|gade|NN|O pH5|ph5|NN|pH .5|.5|CD|pH 1|1|CD|O
genotype/variation|genotype/variation|NN|O :|:|:|O delta|delta|NN|Gtype _|_|SYM|Gtype cra|cra|FW|Gtype
chip|chip|NN|O antibody|antibody|NN|O :|:|:|O 9E10|9e10|CD|Anti Myc|myc|NN|Anti tag|tag|NN|Anti antibody|antibody|NN|O
growth|growth|NN|O condition|condition|NN|O :|:|:|O Aerobic|Aerobic|NNP|Air
chip|chip|NN|O antibody|antibody|NN|O :|:|:|O anti-myc|anti-myc|JJ|Anti -LRB-|-lrb-|-LRB-|O Santa|Santa|NNP|O Cruz|Cruz|NNP|O Biotech|Biotech|NNP|O ,|,|,|O sc-28207|sc-28207|NN|O -RRB-|-rrb-|-RRB-|O
ΔompR|δompr|NN|Gtype NaCl|nacl|NN|Supp 1|1|CD|O
RpoB|rpob|NN|O with|with|IN|O DPD|dpd|NN|Supp and|and|CC|O rifampicin|rifampicin|NN|Supp 2|2|CD|O -LRB-|-lrb-|-LRB-|Technique ChIP-exo|chip-exo|NN|Technique -RRB-|-rrb-|-RRB-|Technique
growth|growth|NN|O phase|phase|NN|O :|:|:|O stationary|stationary|JJ|Phase
Fur|Fur|NNP|O IP|IP|NNP|O ChIP-Seq|ChIP-Seq|NNP|Technique Aerobic|Aerobic|NNP|Air A|A|NNP|O
∆|∆|CD|Gtype ryhB|ryhb|NN|Gtype Anaerobic|anaerobic|JJ|Air
affyexp|affyexp|JJ|O _|_|NN|O wt|wt|JJ|Gtype _|_|NN|O glucose|glucose|NN|Supp _|_|CD|O NH4Cl|nh4cl|NN|Supp _|_|CD|O NO3|no3|NN|Supp _|_|CD|O 3|3|CD|O .|.|.|O CEL|CEL|NNP|O
Input|input|NN|O ChIP-Seq|chip-seq|NN|Technique
FNR|fnr|SYM|O -|-|:|O ∆|∆|CD|Gtype hns|hn|NNS|Gtype ∆|∆|VBP|Gtype stpA|stpa|NN|Gtype A|a|NN|O
treated|treat|VBN|O with|with|IN|O :|:|:|O 250|250|CD|Supp uM|um|NN|Supp of|of|IN|Supp paraquat|paraquat|NN|Supp at|at|IN|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase for|for|IN|O 20|20|CD|Supp min|min|NN|Supp
Fur|Fur|NNP|O IP|IP|NNP|O ChIP-Seq|ChIP-Seq|NNP|Technique Anaerobic|anaerobic|JJ|Air B|b|NN|O
Cra|Cra|NNP|O acetate|acetate|NN|Supp 2|2|CD|O
ArgR|argr|NN|O _|_|CD|O Arginine|arginine|NN|Supp _|_|NN|O 1|1|CD|O
treatment|treatment|NN|O :|:|:|O glucose|glucose|NN|Med -LRB-|-lrb-|-LRB-|Med 2|2|CD|Med g/L|g/l|NN|Med -RRB-|-rrb-|-RRB-|Med minimal|minimal|JJ|Med W2|w2|NN|Med medium|medium|NN|Med supplemented|supplement|VBN|O with|with|IN|O 2g/L|2g/l|NN|Supp glutamine|glutamine|NN|Supp .|.|.|O
chip-ArcA|chip-arca|NN|O _|_|CD|O ArcA8myc|arca8myc|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O anaerobic|anaerobic|JJ|Air _|_|NN|O 1|1|CD|O
ΔgadE|δgade|NN|Gtype pH5|ph5|NN|pH .5|.5|CD|pH 2|2|CD|O
culture|culture|NN|O condition|condition|NN|O :|:|:|O Anaerobic|anaerobic|JJ|Air cultures|culture|NNS|O
growth|growth|NN|O condition|condition|NN|O :|:|:|O Adenine|Adenine|NNP|Supp
Escherichia|escherichia|FW|O coli|coli|FW|O ,|,|,|O expressing|express|VBG|O NsrR|nsrr|NN|Gtype with|with|IN|O a|a|DT|O C-terminal|c-terminal|JJ|O Flag-tag|flag-tag|NN|Gtype ,|,|,|O was|be|VBD|O grown|grow|VBN|O anaerobically|anaerobically|RB|Air in|in|IN|O L|L|NNP|Med broth|broth|NN|Med supplemented|supplement|VBN|O with|with|IN|O glucose|glucose|NN|Supp and|and|CC|O nitrate|nitrate|VBP|Supp .|.|.|O
Cells|cell|NNS|O were|be|VBD|O grown|grow|VBN|O with|with|IN|O 4|4|CD|Supp µM|µm|NN|Supp IPTG|iptg|NN|Supp and|and|CC|Supp 300|300|CD|Supp µL|µl|NN|Supp Cm20|cm20|NN|Supp anaerobically|anaerobically|RB|Air -LRB-|-lrb-|-LRB-|Air 95|95|CD|Air %|%|NN|Air N2|n2|NN|Air and|and|CC|Air 5|5|CD|Air %|%|NN|Air CO2|co2|NN|Air -RRB-|-rrb-|-RRB-|Air until|until|IN|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase -LRB-|-lrb-|-LRB-|O OD600|od600|NN|OD of|of|IN|OD 0.3|0.3|CD|OD -RRB-|-rrb-|-RRB-|O and|and|CC|O treated|treat|VBN|O with|with|IN|O 1|1|CD|O %|%|NN|O final|final|JJ|O volumen|voluman|NNS|O formaldehyde|formaldehyde|NN|O for|for|IN|O ten|ten|CD|O minutes|minute|NNS|O .|.|.|O Sodium|sodium|NN|O phosphate|phosphate|NN|O -LRB-|-lrb-|-LRB-|O 1/100|1/100|CD|O vol|vol|NN|O .|.|.|O of|of|IN|O 1M|1m|NN|O ,|,|,|O pH|ph|NN|O 7.6|7.6|CD|O ;|;|:|O 10|10|CD|O mM|mm|NN|O final|final|JJ|O -RRB-|-rrb-|-RRB-|O was|be|VBD|O added|add|VBN|O to|to|TO|O the|the|DT|O mid-log|mid-log|JJ|O cultures|culture|NNS|O followed|follow|VBN|O by|by|IN|O formaldehyde|formaldehyde|NN|O to|to|TO|O 1|1|CD|O %|%|NN|O final|final|JJ|O ,|,|,|O and|and|CC|O anaerobic|anaerobic|JJ|O sparging|sparging|NN|O was|be|VBD|O continued|continue|VBN|O for|for|IN|O 10|10|CD|O min|min|NN|O .|.|.|O Cold|Cold|NNP|O 2.5|2.5|CD|O M|m|NN|O glycine|glycine|NN|O was|be|VBD|O added|add|VBN|O to|to|TO|O 100mM|100mm|NN|O and|and|CC|O the|the|DT|O mixture|mixture|NN|O was|be|VBD|O incubated|incubate|VBN|O at|at|IN|O 4|4|CD|O °C|°c|NN|O with|with|IN|O anaerobic|anaerobic|JJ|O sparging|sparging|NN|O for|for|IN|O 30|30|CD|O minutes|minute|NNS|O to|to|TO|O stop|stop|VB|O the|the|DT|O crosslinking|crosslinking|NN|O .|.|.|O Cells|cell|NNS|O were|be|VBD|O spun|spin|VBN|O at|at|IN|O 5000|5000|CD|O x|x|CC|O g|g|NN|O ,|,|,|O and|and|CC|O washed|wash|VBN|O repeatedly|repeatedly|RB|O with|with|IN|O phosphate|phosphate|NN|O buffered|buffer|VBN|O saline|saline|NN|O before|before|IN|O being|be|VBG|O frozen|freeze|VBN|O at|at|IN|O -80|-80|CD|O °C|°c|NN|O .|.|.|O
ChIP-exo|ChIP-exo|NNP|Technique GadW|gadw|NN|O pH5|ph5|NN|pH .5|.5|CD|pH 1|1|CD|O
Genome|Genome|NNP|O _|_|NNP|O build|build|VB|O :|:|:|O NC|nc|NN|Gversion _|_|CD|Gversion 000913.2|000913.2|CD|Gversion
E.|E.|NNP|O coli|coli|NN|O K-12|k-12|NN|O MG1655|mg1655|NN|O WT|WT|NNP|O ,|,|,|O and|and|CC|O Δcra|Δcra|NNP|O were|be|VBD|O grown|grow|VBN|O to|to|TO|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase aerobically|aerobically|RB|Air at|at|IN|O 37|37|CD|Temp °C|°c|NN|Temp in|in|IN|O M9|m9|NN|Med minimal|minimal|JJ|Med media|media|NNS|Med supplemented|supplement|VBN|O with|with|IN|O 0.2|0.2|CD|Supp %|%|NN|Supp glucose|glucose|NN|O ,|,|,|O fructose|fructose|NN|O and|and|CC|O acetate|acetate|NN|O .|.|.|O
\ No newline at end of file
ΔsoxS|δsoxs|NN|Gtype PQ|pq|NN|Supp 1|1|CD|O
genotype/variation|genotype/variation|NN|O :|:|:|O soxS-8myc|soxs-8myc|NN|Gtype -|-|:|O tagged|tag|VBN|O
WT|wt|JJ|Gtype with|with|IN|O DPD|dpd|NN|Supp 1|1|CD|O -LRB-|-lrb-|-LRB-|Technique RNA-seq|rna-seq|NN|Technique -RRB-|-rrb-|-RRB-|Technique
genotype/variation|genotype/variation|NN|O :|:|:|O delta-gadW|delta-gadw|NN|Gtype
antibody|antibody|NN|O :|:|:|O Pre-cleared|pre-cleared|JJ|Anti IHF|ihf|NN|Anti polyclonal|polyclonal|JJ|Anti antibody|antibody|NN|Anti
Genome|Genome|NNP|O _|_|NNP|O build|build|VB|O :|:|:|O U00096|u00096|NN|Gversion .2|.2|NN|Gversion -LRB-|-lrb-|-LRB-|O GenBank|genbank|NN|O -RRB-|-rrb-|-RRB-|O
cultured|culture|VBN|O in|in|IN|O :|:|:|O M9|m9|NN|Med minimal|minimal|JJ|Med media|media|NNS|Med with|with|IN|O 0.2|0.2|CD|Supp %|%|NN|Supp acetate|acetate|NN|Supp
RpoB|rpob|NN|O with|with|IN|O Fe|Fe|NNP|Supp 2|2|CD|O -LRB-|-lrb-|-LRB-|Technique ChIP-exo|chip-exo|NN|Technique -RRB-|-rrb-|-RRB-|Technique
Cra|Cra|NNP|O fructose|fructose|NN|Supp 1|1|CD|O
WT|wt|JJ|Gtype glucose|glucose|NN|Supp 2|2|CD|O
ΔoxyR|δoxyr|NN|Gtype PQ|pq|NN|Supp 2|2|CD|O
ip|ip|NN|O antibody|antibody|NN|O :|:|:|O affinity|affinity|NN|Anti purified|purify|VBN|Anti anti-Fur|anti-fur|JJ|Anti antibody|antibody|NN|Anti
σ32|σ32|NN|O 30|30|CD|Temp °C|°c|NN|Temp rep1|rep1|NN|O
chip|chip|NN|O antibody|antibody|NN|O :|:|:|O RNA|rna|NN|Anti polymerase|polymerase|NN|Anti subunit|subunit|NN|Anti β|β|NN|Anti
Lrp|Lrp|NNP|O _|_|SYM|O NH4Cl|nh4cl|NN|Supp _|_|NN|O 2|2|CD|O
chip-Fnr|chip-fnr|JJ|O _|_|NN|O Fnr8myc|fnr8myc|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O NO3|no3|NN|Supp _|_|NN|O 1|1|CD|O
∆|∆|CD|Gtype fur|fur|NN|Gtype ∆|∆|CD|Gtype ryhB|ryhb|NN|Gtype Anaerobic|anaerobic|JJ|Air A|a|DT|O
LB|lb|NN|Med 2.0|2.0|CD|O B2|b2|NN|O TEX|TEX|NNP|O neg|neg|NNP|O L1|l1|NN|O HS1|hs1|NN|O
genotype/variation|genotype/variation|NN|O :|:|:|O lacking|lack|VBG|Gtype the|the|DT|Gtype small|small|JJ|Gtype RNA|rna|NN|Gtype RyhB|ryhb|NN|Gtype
RpoB|rpob|NN|O with|with|IN|O Fe|Fe|NNP|Supp and|and|CC|O rifampicin|rifampicin|NN|Supp 2|2|CD|O -LRB-|-lrb-|-LRB-|Technique ChIP-exo|chip-exo|NN|Technique -RRB-|-rrb-|-RRB-|Technique
∆|∆|CD|Gtype ryhB|ryhb|NN|Gtype Aerobic|aerobic|JJ|Air
IHF|ihf|SYM|O -|-|:|O Anaerobic|anaerobic|JJ|Air A|a|DT|O
PurR|purr|NN|O _|_|CD|O glucose|glucose|NN|Supp _|_|NN|O 1|1|CD|O
E.|e.|FW|O coli|coli|FW|O K-12|k-12|NN|O MG1655|mg1655|NN|O cra-8myc|cra-8myc|NN|O tagged|tag|VBD|O strains|strain|NNS|O was|be|VBD|O grown|grow|VBN|O to|to|TO|O mid-log|mid-log|JJ|O phase|phase|NN|O aerobically|aerobically|RB|Air at|at|IN|O 37|37|CD|Temp °C|°c|NN|Temp in|in|IN|O M9|m9|NN|O minimal|minimal|JJ|O media|media|NNS|O supplemented|supplement|VBN|O with|with|IN|O 0.2|0.2|CD|O %|%|NN|O glucose|glucose|NN|O ,|,|,|O fructose|fructose|NN|O and|and|CC|O acetate|acetate|NN|O .|.|.|O
∆|∆|CD|Gtype fur|fur|NN|Gtype Aerobic|aerobic|JJ|Air A|a|DT|O
E.|e.|FW|OD coli|coli|FW|OD K-12|k-12|NN|OD MG1655|mg1655|NN|OD WT|wt|NN|OD ,|,|,|OD ΔoxyR|δoxyr|NN|OD ,|,|,|OD ΔsoxR|δsoxr|NN|OD ,|,|,|OD and|and|CC|OD ΔsoxS|δsoxs|NN|OD were|be|VBD|OD grown|grow|VBN|OD to|to|TO|OD mid-log|mid-log|JJ|OD phase|phase|NN|OD aerobically|aerobically|RB|Air at|at|IN|O 37|37|CD|Temp °C|°c|NN|Temp in|in|IN|O M9|m9|NN|Med minimal|minimal|JJ|Med media|media|NNS|Med supplemented|supplement|VBN|O with|with|IN|O 0.2|0.2|CD|Supp %|%|NN|Supp glucose|glucose|NN|Supp .|.|.|O Then|then|RB|O cells|cell|NNS|O were|be|VBD|O treated|treat|VBN|O with|with|IN|O 250|250|CD|O uM|um|NN|O of|of|IN|O paraquat|paraquat|NN|O at|at|IN|O mid-log|mid-log|JJ|O pahse|pahse|NN|O for|for|IN|O 20|20|CD|O min|min|NN|O with|with|IN|O agitation|agitation|NN|O .|.|.|O
ArgR|argr|NN|O _|_|CD|O Arginine|arginine|NN|Supp _|_|NN|O 1|1|CD|O
treatment|treatment|NN|O :|:|:|O glucose|glucose|NN|Med -LRB-|-lrb-|-LRB-|Med 2|2|CD|Med g/L|g/l|NN|Med -RRB-|-rrb-|-RRB-|Med minimal|minimal|JJ|Med W2|w2|NN|Med medium|medium|NN|Med supplemented|supplement|VBN|O with|with|IN|O 1g/L|1g/l|NN|Supp arginine|arginine|NN|Supp .|.|.|O
Escherichia|escherichia|FW|O coli|coli|FW|O ,|,|,|O expressing|express|VBG|O NsrR|nsrr|NN|Gtype with|with|IN|O a|a|DT|O C-terminal|c-terminal|JJ|O Flag-tag|flag-tag|NN|Gtype ,|,|,|O was|be|VBD|O grown|grow|VBN|O anaerobically|anaerobically|RB|Air in|in|IN|O L|L|NNP|Med broth|broth|NN|Med supplemented|supplement|VBN|O with|with|IN|O glucose|glucose|NN|Supp and|and|CC|O nitrate|nitrate|VBP|Supp .|.|.|O
growth|growth|NN|O condition|condition|NN|O :|:|:|O 16|16|CD|Supp µM|µm|NN|Supp IPTG|iptg|NN|Supp
Cells|cell|NNS|O were|be|VBD|O grown|grow|VBN|O in|in|IN|O LB|LB|NNP|Med media|media|NNS|Med with|with|IN|O 1mM|1mm|NN|Supp IPTG|iptg|NN|Supp at|at|IN|O 37|37|CD|Temp °C|°c|NN|Temp with|with|IN|O shaking|shake|VBG|O for|for|IN|O 2|2|CD|Supp hours|hour|NNS|Supp
medium|medium|NN|O :|:|:|O LB|LB|NNP|Med
MG1655|mg1655|NN|Substrain PhtpG|phtpg|NN|Gtype :|:|:|Gtype :|:|:|Gtype lacZ|lacz|NN|Gtype delta|delta|NN|Gtype lacX74/pTG2|lacx74/ptg2|NN|Gtype -LRB-|-lrb-|-LRB-|Gtype vector|vector|NN|Gtype carrying|carrying|NN|Gtype inducible|inducible|JJ|Gtype Ptrc|ptrc|NN|Gtype :|:|:|Gtype :|:|:|Gtype rpoH|rpoh|NN|Gtype -RRB-|-rrb-|-RRB-|Gtype
Ecoli|ecolus|NNS|O _|_|VBP|O dFNR|dfnr|NN|Gtype _|_|CD|O rep2|rep2|NN|O _|_|CD|O anaerobic|anaerobic|JJ|Air
affyexp|affyexp|JJ|O _|_|NN|O wt|wt|JJ|Gtype _|_|NN|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O anaerobic|anaerobic|JJ|Air _|_|NN|O 2|2|CD|O .|.|.|O CEL|CEL|NNP|O
Cells|cell|NNS|O were|be|VBD|O grown|grow|VBN|O aerobically|aerobically|RB|Air -LRB-|-lrb-|-LRB-|Air 70|70|CD|Air %|%|NN|Air N2|n2|NN|Air ,|,|,|Air 25|25|CD|Air %|%|NN|Air O2|o2|CD|Air ,|,|,|Air and|and|CC|Air 5|5|CD|Air %|%|NN|Air CO2|co2|NN|Air -RRB-|-rrb-|-RRB-|Air or|or|CC|O anaerobically|anaerobically|RB|O -LRB-|-lrb-|-LRB-|O 95|95|CD|O %|%|NN|O N2|n2|NN|O and|and|CC|O 5|5|CD|O %|%|NN|O CO2|co2|NN|O -RRB-|-rrb-|-RRB-|O until|until|IN|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase -LRB-|-lrb-|-LRB-|O OD600|od600|NN|OD of|of|IN|OD ~|~|NN|OD 0.3-0.35|0.3-0.35|CD|OD -RRB-|-rrb-|-RRB-|O in|in|IN|O MOPS|MOPS|NNP|Med minimal|minimal|JJ|Med glucose|glucose|NN|Med media|media|NNS|Med containing|contain|VBG|O 10|10|CD|Supp µM|µm|NN|Supp FeSO4|feso4|NN|Supp .|.|.|O
ChIP-Seq|chip-seq|NN|Gversion
genotype/variation|genotype/variation|NN|O :|:|:|O WT|WT|NNP|Gtype
affyexp|affyexp|JJ|O _|_|NN|O wt|wt|JJ|Gtype _|_|NN|O glucose|glucose|NN|Supp _|_|CD|O NH4Cl|nh4cl|NN|Supp _|_|CD|O NO3|no3|NN|Supp _|_|NN|O 2|2|CD|O .|.|.|O CEL|CEL|NNP|O
E.|E.|NNP|O coli|coli|NN|O K-12|k-12|NN|O MG1655|mg1655|NN|O WT|wt|NN|O and|and|CC|O Δfur|δfur|NN|O were|be|VBD|O grown|grow|VBN|O to|to|TO|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase aerobically|aerobically|RB|Air at|at|IN|O 37|37|CD|Temp °C|°c|NN|Temp in|in|IN|O M9|m9|NN|Med minimal|minimal|JJ|Med media|media|NNS|Med supplemented|supplement|VBN|O with|with|IN|O 0.2|0.2|CD|Supp %|%|NN|Supp glucose|glucose|NN|Supp .|.|.|O For|for|IN|O iron|iron|NN|O treated|treat|VBN|O cells|cell|NNS|O ,|,|,|O 0.1|0.1|CD|Supp mM|mm|NN|Supp of|of|IN|Supp FeCl2|fecl2|NN|Supp were|be|VBD|O treated|treat|VBN|O from|from|IN|O the|the|DT|O beginning|beginning|NN|O of|of|IN|O culture|culture|NN|O ,|,|,|O and|and|CC|O for|for|IN|O DPD|dpd|NN|O treated|treat|VBN|O cells|cell|NNS|O ,|,|,|O 0.2|0.2|CD|O mM|mm|NN|O of|of|IN|O DPD|dpd|NN|O were|be|VBD|O added|add|VBN|O at|at|IN|O early-log|early-log|JJ|O phase|phase|NN|O and|and|CC|O continued|continue|VBD|O to|to|TO|O culture|culture|NN|O for|for|IN|O additional|additional|JJ|O 2h|2h|NN|O .|.|.|O
M9|m9|NN|Med minimal|minimal|JJ|Med complete|complete|JJ|Med media|media|NNS|Med ,|,|,|O cultures|culture|NNS|O grown|grow|VBN|O aerobically|aerobically|RB|Air at|at|IN|O 30|30|CD|Temp degrees|degree|NNS|Temp C|c|NN|Temp in|in|IN|O a|a|DT|O gyratory|gyratory|JJ|Agit water|water|NN|Agit bath|bath|NN|Agit shaking|shake|VBG|Agit at|at|IN|Agit 240|240|CD|Agit rpm|rpm|NN|Agit
genotype/variation|genotype/variation|NN|O :|:|:|O cra-8myc-tagged|cra-8myc-tagged|JJ|Gtype
ΔgadW|δgadw|NN|Gtype pH5|ph5|NN|pH .5|.5|CD|pH 2|2|CD|O
E.|E.|NNP|O coli|coli|NN|O strains|strain|NNS|O harboring|harbor|VBG|O PurR-8myc|purr-8myc|NN|O were|be|VBD|O grown|grow|VBN|O in|in|IN|O minimal|minimal|JJ|O M9|m9|NN|O medium|medium|NN|O supplemented|supplement|VBN|O with|with|IN|O glucose|glucose|NN|O -LRB-|-lrb-|-LRB-|O 2|2|CD|O g/L|g/l|NN|O -RRB-|-rrb-|-RRB-|O then|then|RB|O inoculated|inoculate|VBN|O into|into|IN|O 100mL|100ml|NN|O of|of|IN|O fresh|fresh|JJ|O M9|m9|NN|Med minimal|minimal|JJ|Med medium|medium|NN|Med supplemented|supplement|VBN|O with|with|IN|O 100ug/L|100ug/l|NN|Supp adenine|adenine|NN|Supp .|.|.|O
WT|wt|JJ|Gtype with|with|IN|O DPD|dpd|NN|Supp 2|2|CD|O -LRB-|-lrb-|-LRB-|Technique RNA-seq|rna-seq|NN|Technique -RRB-|-rrb-|-RRB-|Technique
genotype|genotype|NN|O :|:|:|O ompR|ompr|NN|Gtype deletion|deletion|NN|Gtype mutant|mutant|JJ|Gtype
affyexp|affyexp|JJ|O _|_|NN|O delta-arcA|delta-arca|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O anaerobic|anaerobic|JJ|Air _|_|NN|O 3|3|CD|O .|.|.|O CEL|CEL|NNP|O
Wild|Wild|NNP|Gtype type|type|NN|Gtype control|control|NN|O -LRB-|-lrb-|-LRB-|O 20|20|CD|O min|min|NN|O -RRB-|-rrb-|-RRB-|O
ΔsoxS|δsoxs|NN|Gtype PQ|pq|NN|Supp 2|2|CD|O
pT7|pt7|NN|O _|_|CD|O ChIPSeq|chipseq|NN|Technique _|_|NN|O 1|1|CD|O
Ecoli|ecolus|NNS|O _|_|VBP|O wild-type|wild-type|JJ|Gtype _|_|NN|O rep1|rep1|NN|O _|_|CD|O anaerobic|anaerobic|JJ|Air
Genome|Genome|NNP|O _|_|NNP|O build|build|VB|O :|:|:|O ASM584v2|asm584v2|NN|Gversion
LB|lb|NN|Med 0.4|0.4|CD|O B2|b2|NN|O TEX|TEX|NNP|O neg|neg|NNP|O L1|l1|NN|O HS2|hs2|NN|O
M63|m63|NN|Med 0.4|0.4|CD|O B2|b2|NN|O TEX|TEX|NNP|O neg|neg|NNP|O L1|l1|NN|O HS2|hs2|NN|O
genotype/variation|genotype/variation|NN|O :|:|:|O Δfur|δfur|NN|Gtype
Escherichia|escherichia|FW|O coli|coli|FW|O str|str|NN|O .|.|.|O K-12|k-12|NN|Strain substr|substr|NN|O .|.|.|O MG1655|mg1655|NN|Substrain
Sequenced|sequence|VBN|O reads|read|VBZ|O were|be|VBD|O mapped|map|VBN|O onto|onto|IN|O NC|nc|NN|Gversion _|_|CD|Gversion 000913|000913|CD|Gversion reference|reference|NN|O genome|genome|NN|O sequence|sequence|NN|O using|use|VBG|O bowtie|bowtie|NN|O v1|v1|NN|O .0.0|.0.0|CD|O with|with|IN|O parameters|parameter|NNS|O -|-|:|O X|x|NN|O 1000|1000|CD|O -|-|:|O n|n|NN|O 2|2|CD|O -3|-3|CD|O 3|3|LS|O -|-|:|O S|s|NN|O
Lrp|Lrp|NNP|O _|_|SYM|O Leu|Leu|NNP|Supp _|_|NN|O 2|2|CD|O
Fur|Fur|NNP|O IP|IP|NNP|O ChIP-Seq|ChIP-Seq|NNP|Technique Aerobic|Aerobic|NNP|Air B|b|NN|O
Samples|sample|NNS|O for|for|IN|O transcriptome|transcriptome|NN|O analysis|analysis|NN|O were|be|VBD|O taken|take|VBN|O from|from|IN|O exponentially|exponentially|RB|Phase growing|grow|VBG|Phase cells|cell|NNS|Phase .|.|.|O From|from|IN|O the|the|DT|O cells|cell|NNS|O treated|treat|VBN|O by|by|IN|O RNAprotect|rnaprotect|NN|O Bacteria|bacterium|NNS|O Reagent|reagent|NN|O -LRB-|-lrb-|-LRB-|O Qiagen|qiagen|NN|O -RRB-|-rrb-|-RRB-|O ,|,|,|O total|total|JJ|O RNA|rna|NN|O samples|sample|NNS|O were|be|VBD|O isolated|isolate|VBN|O using|use|VBG|O RNeasy|rneasy|JJ|O columns|column|NNS|O -LRB-|-lrb-|-LRB-|O Qiagen|Qiagen|NNP|O -RRB-|-rrb-|-RRB-|O in|in|IN|O accordance|accordance|NN|O with|with|IN|O manufacturer|manufacturer|NN|O 's|'s|POS|O instruction|instruction|NN|O .|.|.|O
Lrp|Lrp|NNP|O _|_|SYM|O Leu|Leu|NNP|Supp _|_|SYM|O 1|1|CD|O
Fur|Fur|NNP|O with|with|IN|O DPD|dpd|NN|Supp 1|1|CD|O -LRB-|-lrb-|-LRB-|Technique ChIP-exo|chip-exo|NN|Technique -RRB-|-rrb-|-RRB-|Technique
treated|treat|VBN|O with|with|IN|O :|:|:|O 250|250|CD|Supp uM|um|NN|Supp of|of|IN|Supp paraquat|paraquat|NN|Supp at|at|IN|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase for|for|IN|O 20|20|CD|Supp min|min|NN|Supp
Ptac|ptac|NN|Gtype :|:|:|Gtype :|:|:|Gtype fnr|fnr|NN|Gtype -|-|:|O C|c|NN|O -|-|:|O 16|16|CD|Supp µM|µm|NN|Supp IPTG|iptg|NN|Supp
Genome|Genome|NNP|O _|_|NNP|O build|build|VB|O :|:|:|O NC|nc|NN|Gversion _|_|CD|Gversion 000913.2|000913.2|CD|Gversion
treatment|treatment|NN|O :|:|:|O glucose|glucose|NN|Med -LRB-|-lrb-|-LRB-|Med 2|2|CD|Med g/L|g/l|NN|Med -RRB-|-rrb-|-RRB-|Med minimal|minimal|JJ|Med W2|w2|NN|Med medium|medium|NN|Med supplemented|supplement|VBN|O with|with|IN|O 2g/L|2g/l|NN|Supp glutamine|glutamine|NN|Supp .|.|.|O
Fur|Fur|NNP|O IP|IP|NNP|O ChIP-Seq|ChIP-Seq|NNP|Technique Anaerobic|Anaerobic|NNP|Air ,|,|,|O Iron|Iron|NNP|Supp Deficient|deficient|JJ|O B|b|NN|O
Ptac|ptac|NN|Gtype :|:|:|Gtype :|:|:|Gtype fnr|fnr|NN|Gtype -|-|:|O B|b|NN|O -|-|:|O 8|8|CD|Supp µM|µm|NN|Supp IPTG|iptg|NN|Supp
FNR|fnr|SYM|O -|-|:|O Anaerobic|anaerobic|JJ|Air -|-|:|O B|b|NN|O
RNA-Seq|rna-seq|NN|Technique
LB|lb|NN|Med 2.0|2.0|CD|O B2|b2|NN|O TEX|TEX|NNP|O neg|neg|NNP|O L2|l2|NN|O HS2|hs2|NN|O
LB|lb|NN|Med 2.0|2.0|CD|O B2|b2|NN|O TEX|TEX|NNP|O neg|neg|NNP|O L1|l1|NN|O HS2|hs2|NN|O
strain|strain|NN|O :|:|:|O ∆|∆|CD|Gtype hns|hn|NNS|Gtype /|/|:|Gtype ∆|∆|SYM|Gtype stpA|stpa|NN|Gtype
MG1655|mg1655|NN|Substrain PhtpG|phtpg|NN|Gtype :|:|:|Gtype :|:|:|Gtype lacZ|lacz|NN|Gtype delta|delta|NN|Gtype lacX74/ptrc99A|lacx74/ptrc99a|NN|Gtype -LRB-|-lrb-|-LRB-|Gtype control|control|NN|Gtype vector|vector|NN|Gtype -RRB-|-rrb-|-RRB-|Gtype
σ32|σ32|NN|O 43|43|CD|Temp °C|°c|NN|Temp rep1|rep1|NN|O
chip-Fnr|chip-fnr|JJ|O _|_|NN|O Fnr8myc|fnr8myc|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O NO3|no3|NN|Supp _|_|CD|O 3|3|CD|O
chip|chip|NN|O antibody|antibody|NN|O :|:|:|O anti-myc|anti-myc|JJ|Anti
Ptac|ptac|NN|Gtype :|:|:|Gtype :|:|:|Gtype fnr|fnr|NN|Gtype -|-|:|O B|b|NN|O -|-|:|O 16|16|CD|Supp µM|µm|NN|Supp IPTG|iptg|NN|Supp
affyexp|affyexp|JJ|O _|_|NN|O delta-arcA|delta-arca|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4Cl|nh4cl|NN|Supp _|_|CD|O NO3|no3|NN|Supp _|_|CD|O 3|3|CD|O .|.|.|O CEL|CEL|NNP|O
affyexp|affyexp|JJ|O _|_|NN|O delta-arcA|delta-arca|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4Cl|nh4cl|NN|Supp _|_|CD|O NO3|no3|NN|Supp _|_|NN|O 1|1|CD|O .|.|.|O CEL|CEL|NNP|O
Wild|Wild|NNP|Gtype type|type|NN|Gtype control|control|NN|O -LRB-|-lrb-|-LRB-|O 0|0|CD|O min|min|NN|O -RRB-|-rrb-|-RRB-|O
genotype|genotype|NN|O :|:|:|O WT|WT|NNP|Gtype
Fur|Fur|NNP|O IP|IP|NNP|O ChIP-Seq|ChIP-Seq|NNP|Technique Anaerobic|Anaerobic|NNP|Air ,|,|,|O Iron|Iron|NNP|Supp Deficient|Deficient|NNP|O A|A|NNP|O
culture|culture|NN|O condition|condition|NN|O :|:|:|O Aerobic|Aerobic|NNP|Air cultures|culture|NNS|O
Wild-type|wild-type|JJ|Gtype Aerobic|aerobic|JJ|Air B|b|NN|O
Cells|cell|NNS|O were|be|VBD|O grown|grow|VBN|O in|in|IN|O 65|65|CD|O ml|ml|NN|O LB|lb|NN|O medium|medium|NN|O at|at|IN|O 30|30|CD|O °C|°c|NN|O to|to|TO|O an|a|DT|O OD600|od600|NN|OD of|of|IN|OD about|about|IN|OD 0.3|0.3|CD|OD .|.|.|O Subsequently|subsequently|RB|O 30|30|CD|O ml|ml|NN|O of|of|IN|O culture|culture|NN|O were|be|VBD|O transformed|transform|VBN|O to|to|TO|O a|a|DT|O pre|pre|JJ|O warmed|warm|VBN|O flask|flask|NN|Vess at|at|IN|O 43|43|CD|Temp °C|°c|NN|Temp -LRB-|-lrb-|-LRB-|Temp see|see|VB|Temp heat|heat|NN|Temp sample|sample|NN|Temp -RRB-|-rrb-|-RRB-|Temp and|and|CC|O the|the|DT|O remainder|remainder|NN|O kept|keep|VBD|O at|at|IN|O 30|30|CD|Temp °C|°c|NN|Temp .|.|.|O
Escherichia|escherichia|FW|O coli|coli|FW|O ,|,|,|O expressing|express|VBG|O NsrR|nsrr|NN|Gtype with|with|IN|O a|a|DT|O C-terminal|c-terminal|JJ|O Flag-tag|flag-tag|NN|Gtype ,|,|,|O was|be|VBD|O grown|grow|VBN|O anaerobically|anaerobically|RB|Air in|in|IN|O L|L|NNP|Med broth|broth|NN|Med supplemented|supplement|VBN|O with|with|IN|O glucose|glucose|NN|Supp and|and|CC|O nitrate|nitrate|VBP|Supp .|.|.|O
RpoB|rpob|NN|O WT|wt|JJ|Gtype 2|2|CD|O
LB|lb|NN|Med 0.4|0.4|CD|O B2|b2|NN|O TEX|TEX|NNP|O neg|neg|NNP|O L1|l1|NN|O HS1|hs1|NN|O
affyexp|affyexp|JJ|O _|_|NN|O delta-fnr|delta-fnr|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O anaerobic|anaerobic|JJ|Air _|_|NN|O 2|2|CD|O .|.|.|O CEL|CEL|NNP|O
cultured|culture|VBN|O in|in|IN|O :|:|:|O M9|m9|NN|Med minimal|minimal|JJ|Med media|media|NNS|Med with|with|IN|O 0.2|0.2|CD|Supp %|%|NN|Supp glucose|glucose|NN|Supp
LB|lb|NN|Med 2.0|2.0|CD|O B2|b2|NN|O TEX|TEX|NNP|O pos|po|VBZ|O L1|l1|NN|O HS1|hs1|NN|O
genotype/variation|genotype/variation|NN|O :|:|:|O fur-8myc|fur-8myc|JJ|Gtype
Cra|Cra|NNP|O glucose|glucose|NN|Supp 2|2|CD|O
Lrp|lrp|NN|O _|_|CD|O NH4Cl|nh4cl|NN|Supp _|_|CD|O 3|3|CD|O
WT|wt|JJ|Gtype with|with|IN|O Fe|Fe|NNP|Supp 2|2|CD|O -LRB-|-lrb-|-LRB-|Technique RNA-seq|rna-seq|NN|Technique -RRB-|-rrb-|-RRB-|Technique
chip-Fnr|chip-fnr|JJ|O _|_|NN|O Fnr8myc|fnr8myc|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O anaerobic|anaerobic|JJ|Air _|_|NN|O 1|1|CD|O
chip-ArcA|chip-arca|NN|O _|_|CD|O ArcA8myc|arca8myc|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O anaerobic|anaerobic|JJ|Air _|_|NN|O 1|1|CD|O
OmpR|ompr|NN|O _|_|CD|O ChIPSeq|chipseq|NN|Technique
treated|treat|VBN|O with|with|IN|O :|:|:|O 250|250|CD|Supp uM|um|NN|Supp of|of|IN|Supp paraquat|paraquat|NN|Supp at|at|IN|O mid-log|mid-log|NN|Phase pahse|pahse|NN|Phase for|for|IN|O 20|20|CD|Supp min|min|NN|Supp
treatment|treatment|NN|O :|:|:|O glucose|glucose|NN|Med -LRB-|-lrb-|-LRB-|Med 2|2|CD|Med g/L|g/l|NN|Med -RRB-|-rrb-|-RRB-|Med minimal|minimal|JJ|Med M9|m9|NN|Med medium|medium|NN|Med supplemented|supplement|VBN|O with|with|IN|O 20|20|CD|Supp mg/L|mg/l|NN|Supp tryptophan|tryptophan|NN|Supp .|.|.|O
Genome|Genome|NNP|O _|_|NNP|O build|build|VB|O :|:|:|O NC|nc|NN|Gversion _|_|CD|Gversion 000913|000913|CD|Gversion
Cells|cell|NNS|O were|be|VBD|O grown|grow|VBN|O at|at|IN|O 37|37|CD|Temp °C|°c|NN|Temp to|to|TO|O an|a|DT|O OD600|od600|NN|OD of|of|IN|OD about|about|IN|OD 0.15|0.15|CD|OD in|in|IN|O 50|50|CD|O ml|ml|NN|O LB|lb|NN|Med -LRB-|-lrb-|-LRB-|O +|+|CC|O 0.2|0.2|CD|Supp %|%|NN|Supp glucose|glucose|NN|Supp -RRB-|-rrb-|-RRB-|O before|before|IN|O crosslinking|crosslink|VBG|O .|.|.|O
growth|growth|NN|O condition|condition|NN|O :|:|:|O 4|4|CD|Supp µM|µm|NN|Supp IPTG|iptg|NN|Supp
ChIP-exo|ChIP-exo|NNP|Technique GadW|gadw|NN|O pH5|ph5|NN|pH .5|.5|CD|pH 1|1|CD|O
Δfur|δfur|NN|Gtype with|with|IN|O Fe|Fe|NNP|Supp 2|2|CD|O -LRB-|-lrb-|-LRB-|Technique RNA-seq|rna-seq|NN|Technique -RRB-|-rrb-|-RRB-|Technique
PurR|purr|NN|O _|_|CD|O Adenine|Adenine|NNP|Supp _|_|NN|O 2|2|CD|O
Fur|Fur|NNP|O with|with|IN|O DPD|dpd|NN|Supp 2|2|CD|O -LRB-|-lrb-|-LRB-|Technique ChIP-exo|chip-exo|NN|Technique -RRB-|-rrb-|-RRB-|Technique
ChIP-exo|ChIP-exo|NNP|Technique RpoS|rpos|NN|O pH5|ph5|NN|pH .5|.5|CD|pH 1|1|CD|O
culture|culture|NN|O condition|condition|NN|O :|:|:|O anaerobic|anaerobic|JJ|Air fermentive|fermentive|JJ|O condition|condition|NN|O
OxyR|oxyr|NN|O PQ|pq|NN|Supp 2|2|CD|O
growth|growth|NN|O phase|phase|NN|O :|:|:|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase -LRB-|-lrb-|-LRB-|O OD600|od600|NN|OD
ß|ß|SYM|O -|-|:|O Anaerobic|anaerobic|JJ|Air -|-|:|O A|a|NN|O
M63|m63|NN|Med 0.4|0.4|CD|O B1|b1|NN|O TEX|tex|NN|O neg|neg|NN|O L1|l1|NN|O GA|ga|NN|O
affyexp|affyexp|JJ|O _|_|NN|O delta-fnr|delta-fnr|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O anaerobic|anaerobic|JJ|Air _|_|NN|O 3|3|CD|O .|.|.|O CEL|CEL|NNP|O
affyexp|affyexp|JJ|O _|_|NN|O delta-arcA|delta-arca|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O anaerobic|anaerobic|JJ|Air _|_|NN|O 1|1|CD|O .|.|.|O CEL|CEL|NNP|O
ß|ß|SYM|O -|-|:|O Aerobic|aerobic|JJ|Air -|-|:|O B|b|NN|O
Genome|Genome|NNP|O _|_|NNP|O build|build|VB|O :|:|:|O Escherichia|escherichia|FW|O coli|coli|FW|O MG1655|mg1655|NN|O K-12|k-12|NN|O genome|genome|NN|O version|version|NN|O U00096|u00096|NN|Gversion .2|.2|NN|Gversion
genotype/variation|genotype/variation|NN|O :|:|:|O Δfnr|δfnr|NN|Gtype
PurR|purr|NN|O _|_|SYM|O Adenine|Adenine|NNP|Supp _|_|SYM|O 1|1|CD|O
genotype|genotype|NN|O :|:|:|O ΔseqA|δseqa|NN|Gtype
Lrp|Lrp|NNP|O _|_|SYM|O Leu|Leu|NNP|Supp _|_|SYM|O 3|3|CD|O
FNR|fnr|SYM|O -|-|:|O ∆|∆|CD|Gtype hns|hn|NNS|Gtype ∆|∆|VBP|Gtype stpA|stpa|NN|Gtype A|a|NN|O
LB|lb|NN|Med 2.0|2.0|CD|O B1|b1|NN|O TEX|TEX|NNP|O neg|neg|NNP|O L2|l2|NN|O HS2|hs2|NN|O
ChIP-exo|ChIP-exo|NNP|Technique GadE|gade|NN|O pH5|ph5|NN|pH .5|.5|CD|pH 1|1|CD|O
WT|wt|JJ|Gtype PQ|pq|NN|Supp 2|2|CD|O
treatment|treatment|NN|O :|:|:|O glucose|glucose|NN|Med -LRB-|-lrb-|-LRB-|Med 2|2|CD|Med g/L|g/l|NN|Med -RRB-|-rrb-|-RRB-|Med minimal|minimal|JJ|Med M9|m9|NN|Med medium|medium|NN|Med supplemented|supplement|VBN|O with|with|IN|O 10|10|CD|Supp mM|mm|NN|Supp leucine|leucine|NN|Supp .|.|.|O
FNR|fnr|SYM|O -|-|:|O Anaerobic|anaerobic|JJ|Air -|-|:|O Affinity|affinity|NN|O Purified|purify|VBN|O -|-|:|O A|a|NN|O
Fur|Fur|NNP|O IP|IP|NNP|O ChIP-Seq|ChIP-Seq|NNP|Technique Aerobic|Aerobic|NNP|Air C|C|NNP|O
Fur|Fur|NNP|O IP|IP|NNP|O ChIP-Seq|ChIP-Seq|NNP|Technique Aerobic|Aerobic|NNP|Air A|A|NNP|O
antibody|antibody|NN|O :|:|:|O Pre-cleared|pre-cleared|JJ|Anti FNR|fnr|NN|Anti antibody|antibody|NN|Anti
NsrR|nsrr|NN|Gtype _|_|CD|Gtype Flagtag|flagtag|NN|Gtype _|_|CD|O rep2|rep2|NN|O
OmpR|ompr|NN|O NaCl|nacl|NN|Supp 2|2|CD|O
genotype|genotype|NN|O :|:|:|O TrpR-8myc|trpr-8myc|NN|Gtype
∆|∆|CD|Gtype fur|fur|NN|Gtype ∆|∆|CD|Gtype ryhB|ryhb|NN|Gtype Aerobic|aerobic|JJ|Air A|a|DT|O
genotype|genotype|NN|O :|:|:|O gadE-8myc|gade-8myc|NN|Gtype
genotype|genotype|NN|O :|:|:|O Lrp-8myc|lrp-8myc|JJ|Gtype
ChIP-Seq|chip-seq|NN|Technique
affyexp|affyexp|JJ|O _|_|NN|O delta-arcA|delta-arca|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O anaerobic|anaerobic|JJ|Air _|_|NN|O 2|2|CD|O .|.|.|O CEL|CEL|NNP|O
E.|E.|NNP|O coli|coli|NN|O K-12|k-12|NN|O MG1655|mg1655|NN|O WT|WT|NNP|O ,|,|,|O and|and|CC|O Δcra|Δcra|NNP|O were|be|VBD|O grown|grow|VBN|O to|to|TO|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase aerobically|aerobically|RB|Air at|at|IN|O 37|37|CD|Temp °C|°c|NN|Temp in|in|IN|O M9|m9|NN|Med minimal|minimal|JJ|Med media|media|NNS|Med supplemented|supplement|VBN|O with|with|IN|O 0.2|0.2|CD|Supp %|%|NN|Supp glucose|glucose|NN|O ,|,|,|O fructose|fructose|NN|O and|and|CC|O acetate|acetate|NN|O .|.|.|O
RpoB|rpob|NN|O ∆|∆|CD|Gtype crp|crp|NN|Gtype 2|2|CD|O
Cells|cell|NNS|O were|be|VBD|O grown|grow|VBN|O in|in|IN|O 65|65|CD|O ml|ml|NN|O LB|lb|NN|O medium|medium|NN|O at|at|IN|O 30|30|CD|O °C|°c|NN|O to|to|TO|O an|a|DT|O OD600|od600|NN|OD of|of|IN|OD about|about|IN|OD 0.3|0.3|CD|OD .|.|.|O Subsequently|subsequently|RB|O 30|30|CD|O ml|ml|NN|O of|of|IN|O culture|culture|NN|O were|be|VBD|O transformed|transform|VBN|O to|to|TO|O a|a|DT|O pre|pre|JJ|O warmed|warm|VBN|O flask|flask|NN|Vess at|at|IN|O 43|43|CD|Temp °C|°c|NN|Temp and|and|CC|O the|the|DT|O remainder|remainder|NN|O kept|keep|VBD|O at|at|IN|O 30|30|CD|Temp °C|°c|NN|Temp -LRB-|-lrb-|-LRB-|Temp see|see|VB|Temp control|control|JJ|Temp sample|sample|NN|Temp -RRB-|-rrb-|-RRB-|Temp .|.|.|O
chip-ArcA|chip-arca|NN|O _|_|CD|O ArcA8myc|arca8myc|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O anaerobic|anaerobic|JJ|Air _|_|NN|O 2|2|CD|O
At|at|IN|O OD450|od450|NN|OD
strain|strain|NN|O :|:|:|O K-12|k-12|NN|Strain
∆|∆|CD|Gtype fur|fur|NN|Gtype ∆|∆|CD|Gtype ryhB|ryhb|NN|Gtype Anaerobic|anaerobic|JJ|Air B|b|NN|O
antibody|antibody|NN|O :|:|:|O Pre-cleared|pre-cleared|JJ|Anti H-NS|h-ns|NN|Anti polyclonal|polyclonal|JJ|Anti antibody|antibody|NN|Anti
E.|E.|NNP|O coli|coli|NN|O K-12|k-12|NN|O MG1655|mg1655|NN|O WT|wt|NN|O and|and|CC|O Δfur|δfur|NN|O were|be|VBD|O grown|grow|VBN|O to|to|TO|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase aerobically|aerobically|RB|Air at|at|IN|O 37|37|CD|Temp °C|°c|NN|Temp in|in|IN|O M9|m9|NN|Med minimal|minimal|JJ|Med media|media|NNS|Med supplemented|supplement|VBN|O with|with|IN|O 0.2|0.2|CD|Supp %|%|NN|Supp glucose|glucose|NN|Supp .|.|.|O For|for|IN|O iron|iron|NN|O treated|treat|VBN|O cells|cell|NNS|O ,|,|,|O 0.1|0.1|CD|O mM|mm|NN|O of|of|IN|O FeCl2|fecl2|NN|O were|be|VBD|O treated|treat|VBN|O from|from|IN|O the|the|DT|O beginning|beginning|NN|O of|of|IN|O culture|culture|NN|O ,|,|,|O and|and|CC|O for|for|IN|O DPD|dpd|NN|O treated|treat|VBN|O cells|cell|NNS|O ,|,|,|O 0.2|0.2|CD|Supp mM|mm|NN|Supp of|of|IN|Supp DPD|dpd|NN|Supp were|be|VBD|O added|add|VBN|O at|at|IN|O early-log|early-log|JJ|O phase|phase|NN|O and|and|CC|O continued|continue|VBD|O to|to|TO|O culture|culture|NN|O for|for|IN|O additional|additional|JJ|O 2h|2h|NN|O .|.|.|O
LB|lb|NN|Med 0.4|0.4|CD|O B1|b1|NN|O TEX|tex|NN|O neg|neg|NN|O L1|l1|NN|O GA|ga|NN|O
genotype|genotype|NN|O :|:|:|O gadW-8myc|gadw-8myc|NN|Gtype
antibody|antibody|NN|O :|:|:|O Affinity|Affinity|NNP|Anti Purified|purify|VBN|Anti FNR|fnr|NN|Anti antibody|antibody|NN|Anti
ΔgadW|δgadw|NN|Gtype pH5|ph5|NN|pH .5|.5|CD|pH 1|1|CD|O
pT7|pt7|NN|O _|_|CD|O ChIPSeq|chipseq|NN|Technique _|_|NN|O 2|2|CD|O
E.|E.|NNP|O coli|coli|NN|O K-12|k-12|NN|O MG1655|mg1655|NN|O WT|wt|NN|O and|and|CC|O Fur-8-myc|fur-8-myc|NN|O tagged|tag|VBD|O strains|strain|NNS|O were|be|VBD|O grown|grow|VBN|O to|to|TO|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase aerobically|aerobically|RB|Air at|at|IN|O 37|37|CD|Temp °C|°c|NN|Temp in|in|IN|O M9|m9|NN|Med minimal|minimal|JJ|Med media|media|NNS|Med supplemented|supplement|VBN|O with|with|IN|O 0.2|0.2|CD|Supp %|%|NN|Supp glucose|glucose|NN|Supp .|.|.|O For|for|IN|O iron|iron|NN|O treated|treat|VBN|O cells|cell|NNS|O ,|,|,|O 0.1|0.1|CD|O mM|mm|NN|O of|of|IN|O FeCl2|fecl2|NN|O were|be|VBD|O treated|treat|VBN|O from|from|IN|O the|the|DT|O beginning|beginning|NN|O of|of|IN|O culture|culture|NN|O ,|,|,|O and|and|CC|O for|for|IN|O DPD|dpd|NN|O treated|treat|VBN|O cells|cell|NNS|O ,|,|,|O 0.2|0.2|CD|Supp mM|mm|NN|Supp of|of|IN|Supp DPD|dpd|NN|Supp were|be|VBD|O added|add|VBN|O at|at|IN|O early-log|early-log|JJ|O phase|phase|NN|O and|and|CC|O continued|continue|VBD|O to|to|TO|O culture|culture|NN|O for|for|IN|O additional|additional|JJ|O 2h|2h|NN|Supp .|.|.|O For|for|IN|O the|the|DT|O rifampicin-treated|rifampicin-treated|JJ|O cultures|culture|NNS|O ,|,|,|O the|the|DT|O rifampicin|rifampicin|NN|Supp dissolved|dissolve|VBN|Supp in|in|IN|Supp methanol|methanol|NN|Supp was|be|VBD|O added|add|VBN|O to|to|TO|O a|a|DT|O final|final|JJ|O concentration|concentration|NN|O of|of|IN|O 150|150|CD|Supp mg/mL|mg/ml|NN|Supp at|at|IN|O mid-log|mid-log|JJ|O phase|phase|NN|O and|and|CC|O stirred|stir|VBD|O for|for|IN|O 20|20|CD|Supp min|min|NN|Supp .|.|.|O
affyexp|affyexp|JJ|O _|_|NN|O wt|wt|JJ|Gtype _|_|NN|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O anaerobic|anaerobic|JJ|Air _|_|NN|O 1|1|CD|O .|.|.|O CEL|CEL|NNP|O
ArgR|argr|NN|O _|_|CD|O Arginine|arginine|NN|Supp _|_|NN|O 2|2|CD|O
PurR|purr|NN|O _|_|CD|O glucose|glucose|NN|Supp _|_|NN|O 2|2|CD|O
RpoB|rpob|NN|O with|with|IN|O Fe|Fe|NNP|Supp 1|1|CD|O -LRB-|-lrb-|-LRB-|Technique ChIP-exo|chip-exo|NN|Technique -RRB-|-rrb-|-RRB-|Technique
HNS|hns|SYM|O -|-|:|O Aerobic|aerobic|JJ|Air B|b|NN|O
ArgR|argr|NN|O _|_|CD|O NH4Cl|nh4cl|NN|Supp _|_|NN|O 2|2|CD|O
chip-ArcA|chip-arca|NN|O _|_|CD|O ArcA8myc|arca8myc|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O NO3|no3|NN|Supp _|_|NN|O 2|2|CD|O
Escherichia|escherichia|FW|O coli|coli|FW|O ,|,|,|O expressing|express|VBG|O NsrR|nsrr|NN|Gtype with|with|IN|O a|a|DT|O C-terminal|c-terminal|JJ|O Flag-tag|flag-tag|NN|Gtype ,|,|,|O was|be|VBD|O grown|grow|VBN|O anaerobically|anaerobically|RB|Air in|in|IN|O L|L|NNP|Med broth|broth|NN|Med supplemented|supplement|VBN|O with|with|IN|O glucose|glucose|NN|Supp .|.|.|O
∆|∆|CD|Gtype fur|fur|NN|Gtype Anaerobic|anaerobic|JJ|Air B|b|NN|O
carbon|carbon|NN|O source|source|NN|O :|:|:|O acetate|acetate|NN|Supp
WT|wt|JJ|Gtype fructose|fructose|NN|Supp 1|1|CD|O
LB|lb|NN|Med 2.0|2.0|CD|O B2|b2|NN|O TEX|TEX|NNP|O pos|po|VBZ|O L2|l2|NN|O HS2|hs2|NN|O
Cells|cell|NNS|O were|be|VBD|O grown|grow|VBN|O aerobically|aerobically|RB|Air -LRB-|-lrb-|-LRB-|Air 25|25|CD|Air %|%|NN|Air O2|o2|CD|Air ,|,|,|Air 70|70|CD|Air %|%|NN|Air N2|n2|NN|Air and|and|CC|Air 5|5|CD|Air %|%|NN|Air CO2|co2|NN|Air -RRB-|-rrb-|-RRB-|Air until|until|IN|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase -LRB-|-lrb-|-LRB-|O OD600|od600|NN|OD of|of|IN|OD 0.35|0.35|CD|OD -RRB-|-rrb-|-RRB-|O and|and|CC|O treated|treat|VBN|O with|with|IN|O 1|1|CD|O %|%|NN|O final|final|JJ|O volumen|voluman|NNS|O formaldehyde|formaldehyde|NN|O for|for|IN|O ten|ten|CD|O minutes|minute|NNS|O .|.|.|O Sodium|sodium|NN|O phosphate|phosphate|NN|O -LRB-|-lrb-|-LRB-|O 1/100|1/100|CD|O vol|vol|NN|O .|.|.|O of|of|IN|O 1M|1m|NN|O ,|,|,|O pH|ph|NN|O 7.6|7.6|CD|O ;|;|:|O 10|10|CD|O mM|mm|NN|O final|final|JJ|O -RRB-|-rrb-|-RRB-|O was|be|VBD|O added|add|VBN|O to|to|TO|O the|the|DT|O mid-log|mid-log|JJ|O cultures|culture|NNS|O followed|follow|VBN|O by|by|IN|O formaldehyde|formaldehyde|NN|O to|to|TO|O 1|1|CD|O %|%|NN|O final|final|JJ|O ,|,|,|O and|and|CC|O anaerobic|anaerobic|JJ|O sparging|sparging|NN|O was|be|VBD|O continued|continue|VBN|O for|for|IN|O 10|10|CD|O min|min|NN|O .|.|.|O Cold|Cold|NNP|O 2.5|2.5|CD|O M|m|NN|O glycine|glycine|NN|O was|be|VBD|O added|add|VBN|O to|to|TO|O 100mM|100mm|NN|O and|and|CC|O the|the|DT|O mixture|mixture|NN|O was|be|VBD|O incubated|incubate|VBN|O at|at|IN|O 4|4|CD|O °C|°c|NN|O with|with|IN|O anaerobic|anaerobic|JJ|O sparging|sparging|NN|O for|for|IN|O 30|30|CD|O minutes|minute|NNS|O to|to|TO|O stop|stop|VB|O the|the|DT|O crosslinking|crosslinking|NN|O .|.|.|O Cells|cell|NNS|O were|be|VBD|O spun|spin|VBN|O at|at|IN|O 5000|5000|CD|O x|x|CC|O g|g|NN|O ,|,|,|O and|and|CC|O washed|wash|VBN|O repeatedly|repeatedly|RB|O with|with|IN|O phosphate|phosphate|NN|O buffered|buffer|VBN|O saline|saline|NN|O before|before|IN|O being|be|VBG|O frozen|freeze|VBN|O at|at|IN|O -80|-80|CD|O °C|°c|NN|O .|.|.|O
agent|agent|NN|O :|:|:|O Fe|Fe|NNP|Supp
RpoB|rpob|NN|O WT|wt|JJ|Gtype 1|1|CD|O
Input|input|NN|O ChIP-Seq|chip-seq|NN|Technique
genotype/variation|genotype/variation|NN|O :|:|:|O -LCB-|-lcb-|-LRB-|Gtype delta|delta|NN|Gtype -RCB-|-rcb-|-RRB-|Gtype lacZ|lacz|NN|Gtype ,|,|,|Gtype -LCB-|-lcb-|-LRB-|Gtype delta|delta|NN|Gtype -RCB-|-rcb-|-RRB-|Gtype tonB|tonb|NN|Gtype ,|,|,|Gtype -LCB-|-lcb-|-LRB-|Gtype delta|delta|NN|Gtype -RCB-|-rcb-|-RRB-|Gtype feoA|feoa|NN|Gtype ,|,|,|Gtype -LCB-|-lcb-|-LRB-|Gtype delta|delta|NN|Gtype -RCB-|-rcb-|-RRB-|Gtype zupT|zupt|NN|Gtype K12|k12|NN|Gtype
WT|wt|JJ|Gtype acetate|acetate|NN|Supp 1|1|CD|O
library|library|NN|O strategy|strategy|NN|O :|:|:|O ChIP-exo|ChIP-exo|NNP|Technique
ArgR|argr|NN|O _|_|CD|O NH4Cl|nh4cl|NN|Supp _|_|NN|O 1|1|CD|O
Lrp|Lrp|NNP|O _|_|SYM|O NH4Cl|nh4cl|NN|Supp _|_|NN|O 1|1|CD|O
WT|wt|JJ|Gtype _|_|NN|O RNASeq|rnaseq|NN|Technique
antibody|antibody|NN|O :|:|:|O RNA|rna|NN|Anti Polymerase|polymerase|NN|Anti ß|ß|NN|Anti monoclonal|monoclonal|JJ|Anti antibody|antibody|NN|Anti from|from|IN|O NeoClone|NeoClone|NNP|O -LRB-|-lrb-|-LRB-|O W0002|w0002|NN|O -RRB-|-rrb-|-RRB-|O
Δcra|δcra|NN|Gtype acetate|acetate|NN|Supp 1|1|CD|O
genotype|genotype|NN|O :|:|:|O PurR-8myc|purr-8myc|NN|Gtype
Cells|cell|NNS|O were|be|VBD|O grown|grow|VBN|O aerobically|aerobically|RB|O -LRB-|-lrb-|-LRB-|O 70|70|CD|O %|%|NN|O N2|n2|NN|O ,|,|,|O 25|25|CD|O %|%|NN|O O2|o2|CD|O ,|,|,|O and|and|CC|O 5|5|CD|O %|%|NN|O CO2|co2|NN|O -RRB-|-rrb-|-RRB-|O or|or|CC|O anaerobically|anaerobically|RB|Air -LRB-|-lrb-|-LRB-|Air 95|95|CD|Air %|%|NN|Air N2|n2|NN|Air and|and|CC|Air 5|5|CD|Air %|%|NN|Air CO2|co2|NN|Air -RRB-|-rrb-|-RRB-|Air until|until|IN|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase -LRB-|-lrb-|-LRB-|O OD600|od600|NN|OD of|of|IN|OD ~|~|NN|OD 0.3-0.35|0.3-0.35|CD|OD -RRB-|-rrb-|-RRB-|O .|.|.|O
genotype/variation|genotype/variation|NN|O :|:|:|O delta-soxR|delta-soxr|NN|Gtype
Cra|Cra|NNP|O acetate|acetate|NN|Supp 2|2|CD|O
To|to|TO|O harvest|harvest|VB|O total|total|JJ|O RNA|rna|NN|O samples|sample|NNS|O ,|,|,|O overnight|overnight|JJ|O cultures|culture|NNS|O of|of|IN|O wild|wild|JJ|Gtype type|type|NN|Gtype MG1655|mg1655|NN|O grown|grow|VBN|O in|in|IN|O LB|lb|NN|O at|at|IN|O 37|37|CD|O ˚C|˚c|NN|O were|be|VBD|O diluted|dilute|VBN|O back|back|RB|O 1:500|1:500|CD|O in|in|IN|O either|either|CC|O fresh|fresh|JJ|O LB|lb|NN|O or|or|CC|O M63|m63|NN|Med minimal|minimal|JJ|Med glucose|glucose|NN|Med medium|medium|NN|O and|and|CC|O allowed|allow|VBN|O to|to|TO|O grow|grow|VB|O until|until|IN|O the|the|DT|O cultures|culture|NNS|O reached|reach|VBD|O an|a|DT|O OD600|od600|NN|O of|of|IN|O ~|~|NN|O 0.4|0.4|CD|O and|and|CC|O 2.0|2.0|CD|O for|for|IN|O cultures|culture|NNS|O grown|grow|VBN|O in|in|IN|O LB|lb|NN|O and|and|CC|O an|a|DT|O OD600|od600|NN|OD of|of|IN|OD ~|~|NN|OD 0.4|0.4|CD|OD for|for|IN|O cultures|culture|NNS|O grown|grow|VBN|O in|in|IN|O M63|m63|NN|O .|.|.|O For|for|IN|O samples|sample|NNS|O grown|grow|VBN|O to|to|TO|O OD600|od600|NN|O of|of|IN|O ~|~|NN|O 0.4|0.4|CD|O a|a|DT|O total|total|JJ|O volume|volume|NN|O of|of|IN|O 25|25|CD|O ml|ml|NN|O of|of|IN|O cells|cell|NNS|O were|be|VBD|O harvested|harvest|VBN|O and|and|CC|O combined|combine|VBN|O with|with|IN|O 5|5|CD|O ml|ml|NN|O of|of|IN|O stop|stop|NN|O solution|solution|NN|O -LRB-|-lrb-|-LRB-|O 95|95|CD|O %|%|NN|O Ethanol|ethanol|NN|O ,|,|,|O 5|5|CD|O %|%|NN|O acid|acid|NN|O phenol|phenol|NN|O -RRB-|-rrb-|-RRB-|O .|.|.|O For|for|IN|O samples|sample|NNS|O grown|grow|VBN|O to|to|TO|O OD600|od600|NN|O of|of|IN|O 2.0|2.0|CD|O a|a|DT|O total|total|JJ|O volume|volume|NN|O of|of|IN|O 5|5|CD|O ml|ml|NN|O of|of|IN|O cells|cell|NNS|O were|be|VBD|O harvested|harvest|VBN|O and|and|CC|O combined|combine|VBN|O with|with|IN|O 1|1|CD|O ml|ml|NN|O of|of|IN|O stop|stop|NN|O solution|solution|NN|O .|.|.|O
ΔompR|δompr|NN|Gtype NaCl|nacl|NN|Supp 2|2|CD|O
Ptac|ptac|NN|Gtype :|:|:|Gtype :|:|:|Gtype fnr|fnr|NN|Gtype -|-|:|O A|a|NN|O -|-|:|O 8|8|CD|Supp µM|µm|NN|Supp IPTG|iptg|NN|Supp
Fur|Fur|NNP|O IP|IP|NNP|O ChIP-Seq|ChIP-Seq|NNP|Technique Anaerobic|anaerobic|JJ|Air C|c|NN|O
Cells|cell|NNS|O were|be|VBD|O grown|grow|VBN|O aerobically|aerobically|RB|O -LRB-|-lrb-|-LRB-|O 70|70|CD|O %|%|NN|O N2|n2|NN|O ,|,|,|O 25|25|CD|O %|%|NN|O O2|o2|CD|O ,|,|,|O and|and|CC|O 5|5|CD|O %|%|NN|O CO2|co2|NN|O -RRB-|-rrb-|-RRB-|O or|or|CC|O anaerobically|anaerobically|RB|O -LRB-|-lrb-|-LRB-|O 95|95|CD|O %|%|NN|O N2|n2|NN|O and|and|CC|O 5|5|CD|O %|%|NN|O CO2|co2|NN|O -RRB-|-rrb-|-RRB-|O until|until|IN|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase -LRB-|-lrb-|-LRB-|O OD600|od600|NN|OD of|of|IN|OD ~|~|NN|OD 0.3-0.35|0.3-0.35|CD|OD -RRB-|-rrb-|-RRB-|O .|.|.|O
ΔgadX|δgadx|NN|Gtype pH5|ph5|NN|pH .5|.5|CD|pH 1|1|CD|O
chip|chip|NN|O antibody|antibody|NN|O :|:|:|O anti-RpoS|anti-rpos|JJ|Anti -LRB-|-lrb-|-LRB-|O neoclone|neoclone|NN|O ,|,|,|O WP009|wp009|NN|O -RRB-|-rrb-|-RRB-|O
chip-Fnr|chip-fnr|JJ|O _|_|NN|O Fnr8myc|fnr8myc|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O anaerobic|anaerobic|JJ|Air _|_|NN|O 3|3|CD|O
CsiR|csir|NN|O _|_|CD|O ChIPSeq|chipseq|NN|Technique
Δfur|δfur|NN|Gtype with|with|IN|O DPD|dpd|NN|Supp 2|2|CD|O -LRB-|-lrb-|-LRB-|Technique RNA-seq|rna-seq|NN|Technique -RRB-|-rrb-|-RRB-|Technique
WT|wt|JJ|Gtype NaCl|nacl|NN|Supp 2|2|CD|O
chip-ArcA|chip-arca|NN|O _|_|CD|O ArcA8myc|arca8myc|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O NO3|no3|NN|Supp _|_|CD|O 3|3|CD|O
WT|wt|JJ|Gtype pH5|ph5|NN|pH .5|.5|CD|pH 1|1|CD|O
ChIP-exo|ChIP-exo|NNP|Technique RpoS|rpos|NN|O pH5|ph5|NN|pH .5|.5|CD|pH 2|2|CD|O
genotype|genotype|NN|O :|:|:|O delta|delta|NN|O -|-|:|O cra|cra|NN|Gtype Knock-out|knock-out|JJ|Gtype strain|strain|NN|Gtype
genotype/variation|genotype/variation|NN|O :|:|:|O delta-gadX|delta-gadx|NN|Gtype
genotype/variation|genotype/variation|NN|O :|:|:|O soxR-8myc|soxr-8myc|NN|Gtype -|-|:|O tagged|tag|VBN|O
NsrR|nsrr|NN|Gtype _|_|CD|Gtype Flagtag|flagtag|NN|Gtype _|_|CD|O rep3|rep3|NN|O
σ32|σ32|NN|O 43|43|CD|Temp °C|°c|NN|Temp short|short|JJ|O RNase|rnase|NN|O
growth|growth|NN|O medium|medium|NN|O :|:|:|O MOPS|MOPS|NNP|Med minimal|minimal|JJ|Med glucose|glucose|NN|Med media|media|NNS|Med containing|contain|VBG|O 10|10|CD|Supp µM|µm|NN|Supp FeSO4|feso4|NN|Supp
Cra|Cra|NNP|O glucose|glucose|NN|Supp 1|1|CD|O
HNS|hns|SYM|O -|-|:|O Anaerobic|anaerobic|JJ|Air B|b|NN|O
affyexp|affyexp|JJ|O _|_|NN|O delta-arcA|delta-arca|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4Cl|nh4cl|NN|Supp _|_|CD|O NO3|no3|NN|Supp _|_|NN|O 2|2|CD|O .|.|.|O CEL|CEL|NNP|O
chip|chip|NN|O antibody|antibody|NN|O :|:|:|O SeqA|seqa|NN|Anti
SeqA|seqa|NN|O old|old|JJ|O deltaSeqA|deltaseqa|NN|Gtype
Cells|cell|NNS|O were|be|VBD|O grown|grow|VBN|O anaerobically|anaerobically|RB|Air -LRB-|-lrb-|-LRB-|Air 95|95|CD|Air %|%|NN|Air N2|n2|NN|Air and|and|CC|Air 5|5|CD|Air %|%|NN|Air CO2|co2|NN|Air -RRB-|-rrb-|-RRB-|Air until|until|IN|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase -LRB-|-lrb-|-LRB-|O OD600|od600|NN|OD of|of|IN|OD 0.3|0.3|CD|OD -RRB-|-rrb-|-RRB-|O and|and|CC|O treated|treat|VBN|O with|with|IN|O 1|1|CD|O %|%|NN|O final|final|JJ|O volumen|voluman|NNS|O formaldehyde|formaldehyde|NN|O for|for|IN|O ten|ten|CD|O minutes|minute|NNS|O .|.|.|O Sodium|sodium|NN|O phosphate|phosphate|NN|O -LRB-|-lrb-|-LRB-|O 1/100|1/100|CD|O vol|vol|NN|O .|.|.|O of|of|IN|O 1M|1m|NN|O ,|,|,|O pH|ph|NN|O 7.6|7.6|CD|O ;|;|:|O 10|10|CD|O mM|mm|NN|O final|final|JJ|O -RRB-|-rrb-|-RRB-|O was|be|VBD|O added|add|VBN|O to|to|TO|O the|the|DT|O mid-log|mid-log|JJ|O cultures|culture|NNS|O followed|follow|VBN|O by|by|IN|O formaldehyde|formaldehyde|NN|O to|to|TO|O 1|1|CD|O %|%|NN|O final|final|JJ|O ,|,|,|O and|and|CC|O anaerobic|anaerobic|JJ|O sparging|sparging|NN|O was|be|VBD|O continued|continue|VBN|O for|for|IN|O 10|10|CD|O min|min|NN|O .|.|.|O Cold|Cold|NNP|O 2.5|2.5|CD|O M|m|NN|O glycine|glycine|NN|O was|be|VBD|O added|add|VBN|O to|to|TO|O 100mM|100mm|NN|O and|and|CC|O the|the|DT|O mixture|mixture|NN|O was|be|VBD|O incubated|incubate|VBN|O at|at|IN|O 4|4|CD|O °C|°c|NN|O with|with|IN|O anaerobic|anaerobic|JJ|O sparging|sparging|NN|O for|for|IN|O 30|30|CD|O minutes|minute|NNS|O to|to|TO|O stop|stop|VB|O the|the|DT|O crosslinking|crosslinking|NN|O .|.|.|O Cells|cell|NNS|O were|be|VBD|O spun|spin|VBN|O at|at|IN|O 5000|5000|CD|O x|x|CC|O g|g|NN|O ,|,|,|O and|and|CC|O washed|wash|VBN|O repeatedly|repeatedly|RB|O with|with|IN|O phosphate|phosphate|NN|O buffered|buffer|VBN|O saline|saline|NN|O before|before|IN|O being|be|VBG|O frozen|freeze|VBN|O at|at|IN|O -80|-80|CD|O °C|°c|NN|O .|.|.|O
genoype|genoype|NN|O :|:|:|O dFNR|dfnr|NN|Gtype
chip|chip|NN|O antibody|antibody|NN|O :|:|:|O 9E10|9e10|CD|Anti Myc|myc|NN|Anti tag|tag|NN|Anti antibody|antibody|NN|O
affyexp|affyexp|JJ|O _|_|NN|O wt|wt|JJ|Gtype _|_|NN|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O anaerobic|anaerobic|JJ|Air _|_|NN|O 3|3|CD|O .|.|.|O CEL|CEL|NNP|O
RpoB|rpob|NN|O with|with|IN|O DPD|dpd|NN|Supp 1|1|CD|O -LRB-|-lrb-|-LRB-|Technique ChIP-exo|chip-exo|NN|Technique -RRB-|-rrb-|-RRB-|Technique
Nac|Nac|NNP|O _|_|NNP|O ChIPSeq|ChIPSeq|NNP|Technique
Aerobic|Aerobic|NNP|Air cultures|culture|NNS|O
Δcra|δcra|NN|Gtype glucose|glucose|NN|Supp 2|2|CD|O
WT|wt|JJ|Gtype with|with|IN|O Fe|Fe|NNP|Supp 1|1|CD|O -LRB-|-lrb-|-LRB-|Technique RNA-seq|rna-seq|NN|Technique -RRB-|-rrb-|-RRB-|Technique
SoxS|soxs|NN|O PQ|pq|NN|Supp 1|1|CD|O
chip-Fnr|chip-fnr|JJ|O _|_|NN|O Fnr8myc|fnr8myc|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O NO3|no3|NN|Supp _|_|NN|O 2|2|CD|O
LB|lb|NN|Med 0.4|0.4|CD|O B2|b2|NN|O TEX|TEX|NNP|O pos|po|VBZ|O L1|l1|NN|O HS1|hs1|NN|O
acetate|acetate|NN|Supp
LB|lb|NN|Med 0.4|0.4|CD|O B1|b1|NN|O TEX|TEX|NNP|O pos|po|VBZ|O L1|l1|NN|O GA|ga|NN|O
WT|wt|JJ|Gtype glucose|glucose|NN|Supp 1|1|CD|O
SoxR|soxr|NN|O PQ|pq|NN|Supp 1|1|CD|O
RpoB|rpob|NN|O with|with|IN|O DPD|dpd|NN|Supp and|and|CC|O rifampicin|rifampicin|NN|Supp 1|1|CD|O -LRB-|-lrb-|-LRB-|Technique ChIP-exo|chip-exo|NN|Technique -RRB-|-rrb-|-RRB-|Technique
ChIP-exo|chip-exo|NN|O reads|read|VBZ|O were|be|VBD|O aligned|align|VBN|O to|to|TO|O the|the|DT|O NC|nc|NN|Gversion _|_|CD|Gversion 000913|000913|CD|Gversion genome|genome|NN|O reference|reference|NN|O sequence|sequence|NN|O using|use|VBG|O using|use|VBG|O bowtie|bowtie|NN|O v1|v1|NN|O .0.0|.0.0|CD|O with|with|IN|O parameters|parameter|NNS|O -|-|:|O S|s|NN|O
Ecoli|ecolus|NNS|O _|_|VBP|O wild-type|wild-type|JJ|Gtype _|_|NN|O rep2|rep2|NN|O _|_|CD|O anaerobic|anaerobic|JJ|Air
Cells|cell|NNS|O were|be|VBD|O grown|grow|VBN|O with|with|IN|O 4|4|CD|Supp µM|µm|NN|Supp IPTG|iptg|NN|Supp and|and|CC|Supp 300|300|CD|Supp µL|µl|NN|Supp Cm20|cm20|NN|Supp anaerobically|anaerobically|RB|Air -LRB-|-lrb-|-LRB-|Air 95|95|CD|Air %|%|NN|Air N2|n2|NN|Air and|and|CC|Air 5|5|CD|Air %|%|NN|Air CO2|co2|NN|Air -RRB-|-rrb-|-RRB-|Air until|until|IN|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase -LRB-|-lrb-|-LRB-|O OD600|od600|NN|OD of|of|IN|OD 0.3|0.3|CD|OD -RRB-|-rrb-|-RRB-|O and|and|CC|O treated|treat|VBN|O with|with|IN|O 1|1|CD|O %|%|NN|O final|final|JJ|O volumen|voluman|NNS|O formaldehyde|formaldehyde|NN|O for|for|IN|O ten|ten|CD|O minutes|minute|NNS|O .|.|.|O Sodium|sodium|NN|O phosphate|phosphate|NN|O -LRB-|-lrb-|-LRB-|O 1/100|1/100|CD|O vol|vol|NN|O .|.|.|O of|of|IN|O 1M|1m|NN|O ,|,|,|O pH|ph|NN|O 7.6|7.6|CD|O ;|;|:|O 10|10|CD|O mM|mm|NN|O final|final|JJ|O -RRB-|-rrb-|-RRB-|O was|be|VBD|O added|add|VBN|O to|to|TO|O the|the|DT|O mid-log|mid-log|JJ|O cultures|culture|NNS|O followed|follow|VBN|O by|by|IN|O formaldehyde|formaldehyde|NN|O to|to|TO|O 1|1|CD|O %|%|NN|O final|final|JJ|O ,|,|,|O and|and|CC|O anaerobic|anaerobic|JJ|O sparging|sparging|NN|O was|be|VBD|O continued|continue|VBN|O for|for|IN|O 10|10|CD|O min|min|NN|O .|.|.|O Cold|Cold|NNP|O 2.5|2.5|CD|O M|m|NN|O glycine|glycine|NN|O was|be|VBD|O added|add|VBN|O to|to|TO|O 100mM|100mm|NN|O and|and|CC|O the|the|DT|O mixture|mixture|NN|O was|be|VBD|O incubated|incubate|VBN|O at|at|IN|O 4|4|CD|O °C|°c|NN|O with|with|IN|O anaerobic|anaerobic|JJ|O sparging|sparging|NN|O for|for|IN|O 30|30|CD|O minutes|minute|NNS|O to|to|TO|O stop|stop|VB|O the|the|DT|O crosslinking|crosslinking|NN|O .|.|.|O Cells|cell|NNS|O were|be|VBD|O spun|spin|VBN|O at|at|IN|O 5000|5000|CD|O x|x|CC|O g|g|NN|O ,|,|,|O and|and|CC|O washed|wash|VBN|O repeatedly|repeatedly|RB|O with|with|IN|O phosphate|phosphate|NN|O buffered|buffer|VBN|O saline|saline|NN|O before|before|IN|O being|be|VBG|O frozen|freeze|VBN|O at|at|IN|O -80|-80|CD|O °C|°c|NN|O .|.|.|O
chip|chip|NN|O antibody|antibody|NN|O :|:|:|O Custom|Custom|NNP|O anti-Fur|anti-fur|JJ|Anti polyclonal|polyclonal|JJ|Anti antibody|antibody|NN|Anti
Δcra|δcra|NN|Gtype acetate|acetate|NN|Supp 2|2|CD|O
∆|∆|CD|Gtype fnr|fnr|NN|Gtype ChIP|chip|NN|O DNA|dna|NN|O from|from|IN|O PK4854|pk4854|NN|Gtype
M63|m63|NN|Med 0.4|0.4|CD|O B2|b2|NN|O TEX|TEX|NNP|O pos|po|VBZ|O L1|l1|NN|O HS1|hs1|NN|O
chip|chip|NN|O antibody|antibody|NN|O :|:|:|O none|none|NN|Anti
genotype/variation|genotype/variation|NN|O :|:|:|O wild|wild|JJ|Gtype type|type|NN|Gtype
chip|chip|NN|O antibody|antibody|NN|O :|:|:|O biotin|biotin|NN|Anti conjugated|conjugate|VBN|Anti anti-c-myc|anti-c-myc|JJ|Anti antibody|antibody|NN|Anti
OxyR|oxyr|NN|O PQ|pq|NN|Supp 1|1|CD|O
ΔsoxR|δsoxr|NN|Gtype PQ|pq|NN|Supp 1|1|CD|O
carbon|carbon|NN|O source|source|NN|O :|:|:|O glucose|glucose|NN|Supp
FNR|fnr|SYM|O -|-|:|O ∆|∆|CD|Gtype hns|hn|NNS|Gtype ∆|∆|VBP|Gtype stpA|stpa|NN|Gtype B|b|NN|O
genotype/variation|genotype/variation|NN|O :|:|:|O delta-oxyR|delta-oxyr|NN|Gtype
genotype/variation|genotype/variation|NN|O :|:|:|O Combined|Combined|NNP|Gtype input|input|NN|Gtype
agent|agent|NN|O :|:|:|O Fe|Fe|NNP|Supp and|and|CC|Supp rifampicin|rifampicin|NN|Supp
Cra|Cra|NNP|O fructose|fructose|NN|Supp 2|2|CD|O
Nac|Nac|NNP|O _|_|SYM|O RNASeq|rnaseq|NN|Technique
ß|ß|SYM|O -|-|:|O Aerobic|aerobic|JJ|Air -|-|:|O A|a|NN|O
Ptac|ptac|NN|Gtype :|:|:|Gtype :|:|:|Gtype fnr|fnr|NN|Gtype -|-|:|O B|b|NN|O -|-|:|O 4|4|CD|Supp µM|µm|NN|Supp IPTG|iptg|NN|Supp
RpoB|rpob|NN|O with|with|IN|O DPD|dpd|NN|Supp 2|2|CD|O -LRB-|-lrb-|-LRB-|Technique ChIP-exo|chip-exo|NN|Technique -RRB-|-rrb-|-RRB-|Technique
∆|∆|CD|Gtype fur|fur|NN|Gtype ∆|∆|CD|Gtype ryhB|ryhb|NN|Gtype Aerobic|aerobic|JJ|Air B|b|NN|O
LB|lb|NN|Med 0.4|0.4|CD|O B2|b2|NN|O TEX|TEX|NNP|O pos|po|VBZ|O L1|l1|NN|O HS2|hs2|NN|O
Resulting|result|VBG|O reads|read|VBZ|O were|be|VBD|O aligned|align|VBN|O to|to|TO|O the|the|DT|O published|publish|VBN|O E.|e.|FW|O coli|coli|FW|O K-12|k-12|NN|O MG1655|mg1655|NN|O genome|genome|NN|O -LRB-|-lrb-|-LRB-|O U00096|u00096|NN|Gversion .2|.2|NN|Gversion -RRB-|-rrb-|-RRB-|O using|use|VBG|O the|the|DT|O software|software|NN|O package|package|NN|O SOAP|soap|NN|O -LRB-|-lrb-|-LRB-|O Li|Li|NNP|O et|et|FW|O al|al|FW|O ,|,|,|O 2009|2009|CD|O -RRB-|-rrb-|-RRB-|O ,|,|,|O allowing|allow|VBG|O no|no|RB|O more|more|JJR|O than|than|IN|O two|two|CD|O mismatches|mismatch|NNS|O -LRB-|-lrb-|-LRB-|O Supplemental|Supplemental|NNP|O File|File|NNP|O -RRB-|-rrb-|-RRB-|O .|.|.|O Reads|read|VBZ|O aligning|align|VBG|O to|to|TO|O repeated|repeated|JJ|O elements|element|NNS|O in|in|IN|O the|the|DT|O genome|genome|NN|O -LRB-|-lrb-|-LRB-|O e.g.|e.g.|FW|O rRNA|rrna|NN|O -RRB-|-rrb-|-RRB-|O were|be|VBD|O removed|remove|VBN|O from|from|IN|O analysis|analysis|NN|O .|.|.|O For|for|IN|O reads|read|VBZ|O that|that|IN|O had|have|VBD|O no|no|DT|O mapping|mapping|NN|O locations|location|NNS|O for|for|IN|O the|the|DT|O first|first|JJ|O 36|36|CD|O bp|bp|NN|O ,|,|,|O the|the|DT|O 3-30|3-30|CD|O bp|bp|NN|O subsequences|subsequence|NNS|O were|be|VBD|O used|use|VBN|O in|in|IN|O the|the|DT|O subsequent|subsequent|JJ|O mapping|mapping|NN|O to|to|TO|O the|the|DT|O reference|reference|NN|O genome|genome|NN|O .|.|.|O Reads|read|NNS|O that|that|WDT|O had|have|VBD|O unique|unique|JJ|O mapping|mapping|NN|O locations|location|NNS|O and|and|CC|O did|do|VBD|O not|not|RB|O match|match|VB|O annotated|annotated|JJ|O rRNA|rrna|NN|O genes|gene|NNS|O were|be|VBD|O used|use|VBN|O for|for|IN|O further|further|JJ|O analysis|analysis|NN|O .|.|.|O For|for|IN|O each|each|DT|O gene|gene|NN|O ,|,|,|O the|the|DT|O tag|tag|NN|O density|density|NN|O was|be|VBD|O estimated|estimate|VBN|O as|as|IN|O the|the|DT|O number|number|NN|O of|of|IN|O aligned|align|VBN|O sequencing|sequencing|NN|O tags|tag|NNS|O divided|divide|VBN|O by|by|IN|O gene|gene|NN|O size|size|NN|O in|in|IN|O kb|kb|NN|O .|.|.|O Per-gene|per-gene|JJ|O tag|tag|NN|O density|density|NN|O was|be|VBD|O normalized|normalize|VBN|O using|use|VBG|O quantile|quantile|JJ|O normalization|normalization|NN|O -LRB-|-lrb-|-LRB-|O Supplemental|Supplemental|NNP|O Files|Files|NNP|O -RRB-|-rrb-|-RRB-|O .|.|.|O The|the|DT|O tag|tag|NN|O density|density|NN|O data|datum|NNS|O were|be|VBD|O analyzed|analyze|VBN|O for|for|IN|O statistically|statistically|RB|O significant|significant|JJ|O differential|differential|JJ|O expression|expression|NN|O using|use|VBG|O BaySeq|BaySeq|NNP|O -LRB-|-lrb-|-LRB-|O Hardcastle|Hardcastle|NNP|O &|&|CC|O Kelly|Kelly|NNP|O ,|,|,|O 2010|2010|CD|O -RRB-|-rrb-|-RRB-|O with|with|IN|O a|a|DT|O FDR|FDR|NNP|O of|of|IN|O 0.01|0.01|CD|O ,|,|,|O and|and|CC|O genes|gene|NNS|O were|be|VBD|O organized|organize|VBN|O into|into|IN|O operons|operon|NNS|O using|use|VBG|O data|datum|NNS|O from|from|IN|O EcoCyc|EcoCyc|NNP|O -LRB-|-lrb-|-LRB-|O Keseler|Keseler|NNP|O et|et|FW|O al|al|FW|O ,|,|,|O 2011|2011|CD|O -RRB-|-rrb-|-RRB-|O .|.|.|O
Δcra|δcra|NN|Gtype fructose|fructose|NN|Supp 2|2|CD|O
Wild|Wild|NNP|Gtype type|type|NN|Gtype control|control|NN|O -LRB-|-lrb-|-LRB-|O 2.5|2.5|CD|O min|min|NN|O -RRB-|-rrb-|-RRB-|O
∆|∆|CD|Gtype fur|fur|NN|Gtype Aerobic|aerobic|JJ|Air B|b|NN|O
RpoB|rpob|NN|O ∆|∆|CD|Gtype crp|crp|NN|Gtype 1|1|CD|O
chip-ArcA|chip-arca|NN|O _|_|CD|O ArcA8myc|arca8myc|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O NO3|no3|NN|Supp _|_|NN|O 1|1|CD|O
NtrC|ntrc|NN|O _|_|CD|O ChIPSeq|chipseq|NN|Technique
WT|wt|JJ|Gtype fructose|fructose|NN|Supp 2|2|CD|O
RpoB|rpob|NN|O ∆|∆|CD|Gtype cra|cra|NN|Gtype 2|2|CD|O
affyexp|affyexp|JJ|O _|_|NN|O delta-fnr|delta-fnr|NN|Gtype _|_|CD|O glucose|glucose|NN|Supp _|_|CD|O NH4CL|nh4cl|NN|Supp _|_|CD|O anaerobic|anaerobic|JJ|Air _|_|NN|O 1|1|CD|O .|.|.|O CEL|CEL|NNP|O
E.|e.|FW|OD coli|coli|FW|OD K-12|k-12|NN|OD MG1655|mg1655|NN|OD WT|wt|NN|OD ,|,|,|OD gadE|gade|NN|OD ,|,|,|OD gadW|gadw|NN|OD and|and|CC|OD gadX|gadx|NN|OD mutant|mutant|JJ|OD cells|cell|NNS|OD were|be|VBD|OD grown|grow|VBN|OD to|to|TO|OD mid-log|mid-log|JJ|OD phase|phase|NN|OD -LRB-|-lrb-|-LRB-|OD OD600|od600|NN|OD
Escherichia|escherichia|FW|O coli|coli|FW|O MG1655|mg1655|NN|O K-12|k-12|NN|O WT|wt|NN|O and|and|CC|O ∆|∆|NN|O fnr|fnr|NN|O were|be|VBD|O grown|grow|VBN|O to|to|TO|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase -LRB-|-lrb-|-LRB-|O O.D.|o.d.|NN|OD 600nm|600nm|JJ|OD 0.3|0.3|CD|OD -RRB-|-rrb-|-RRB-|O anerobically|anerobically|RB|Air -LRB-|-lrb-|-LRB-|Air 95|95|CD|Air %|%|NN|Air N2|n2|NN|Air ,|,|,|Air 5|5|CD|Air %|%|NN|Air CO2|co2|NN|Air -RRB-|-rrb-|-RRB-|Air at|at|IN|O 37|37|CD|Temp °C|°c|NN|Temp in|in|IN|O MOPS|MOPS|NNP|Med +|+|CC|O 0.2|0.2|CD|Supp %|%|NN|Supp glucose|glucose|NN|Supp media|media|NNS|O -LRB-|-lrb-|-LRB-|O Ref|ref|NN|O -RRB-|-rrb-|-RRB-|O .|.|.|O
Δfur|δfur|NN|Gtype with|with|IN|O Fe|Fe|NNP|Supp 1|1|CD|O -LRB-|-lrb-|-LRB-|Technique RNA-seq|rna-seq|NN|Technique -RRB-|-rrb-|-RRB-|Technique
Ecoli|ecolus|NNS|O _|_|VBP|O dFNR|dfnr|NN|Gtype _|_|CD|O rep1|rep1|NN|O _|_|CD|O anaerobic|anaerobic|JJ|Air
carbon|carbon|NN|O source|source|NN|O :|:|:|O fructose|fructose|NN|Supp
Cra|cra|NN|O acetate|acetate|NN|Supp 1|1|CD|O
culture|culture|NN|O condition|condition|NN|O :|:|:|O nitrate|nitrate|JJ|Supp respiratory|respiratory|JJ|O condition|condition|NN|O
genotype|genotype|NN|O :|:|:|O ArgR-8myc|argr-8myc|NN|Gtype
ChIP-exo|chip-exo|NN|O reads|read|VBZ|O were|be|VBD|O aligned|align|VBN|O to|to|TO|O the|the|DT|O NC|nc|NN|Gversion _|_|CD|Gversion 000913|000913|CD|Gversion genome|genome|NN|O reference|reference|NN|O sequence|sequence|NN|O using|use|VBG|O using|use|VBG|O bowtie|bowtie|NN|O v1|v1|NN|O .0.0|.0.0|CD|O with|with|IN|O parameters|parameter|NNS|O -|-|:|O S|s|NN|O
Cultures|culture|NNS|O grown|grow|VBN|O in|in|IN|O MOPS|MOPS|NNP|Med minimal|minimal|JJ|Med glucose|glucose|NN|Med media|media|NNS|Med containing|contain|VBG|O 10|10|CD|Supp µM|µm|NN|Supp FeSO4|feso4|NN|Supp
ChIP-exo|ChIP-exo|NNP|Technique GadE|gade|NN|O pH5|ph5|NN|pH .5|.5|CD|pH 2|2|CD|O
M63|m63|NN|Med 0.4|0.4|CD|O B1|b1|NN|O TEX|TEX|NNP|O pos|po|VBZ|O L1|l1|NN|O GA|ga|NN|O
E.|E.|NNP|O coli|coli|NN|O K-12|k-12|NN|O MG1655|mg1655|NN|O WT|wt|NN|O and|and|CC|O Fur-8-myc|fur-8-myc|NN|O tagged|tag|VBD|O strains|strain|NNS|O were|be|VBD|O grown|grow|VBN|O to|to|TO|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase aerobically|aerobically|RB|Air at|at|IN|O 37|37|CD|Temp °C|°c|NN|Temp in|in|IN|O M9|m9|NN|Med minimal|minimal|JJ|Med media|media|NNS|Med supplemented|supplement|VBN|O with|with|IN|O 0.2|0.2|CD|Supp %|%|NN|Supp glucose|glucose|NN|Supp .|.|.|O For|for|IN|O iron|iron|NN|O treated|treat|VBN|O cells|cell|NNS|O ,|,|,|O 0.1|0.1|CD|Supp mM|mm|NN|Supp of|of|IN|Supp FeCl2|fecl2|NN|Supp were|be|VBD|O treated|treat|VBN|O from|from|IN|O the|the|DT|O beginning|beginning|NN|O of|of|IN|O culture|culture|NN|O ,|,|,|O and|and|CC|O for|for|IN|O DPD|dpd|NN|O treated|treat|VBN|O cells|cell|NNS|O ,|,|,|O 0.2|0.2|CD|O mM|mm|NN|O of|of|IN|O DPD|dpd|NN|O were|be|VBD|O added|add|VBN|O at|at|IN|O early-log|early-log|JJ|O phase|phase|NN|O and|and|CC|O continued|continue|VBD|O to|to|TO|O culture|culture|NN|O for|for|IN|O additional|additional|JJ|O 2h|2h|NN|Supp .|.|.|O For|for|IN|O the|the|DT|O rifampicin-treated|rifampicin-treated|JJ|O cultures|culture|NNS|O ,|,|,|O the|the|DT|O rifampicin|rifampicin|NN|Supp dissolved|dissolve|VBN|Supp in|in|IN|Supp methanol|methanol|NN|Supp was|be|VBD|O added|add|VBN|O to|to|TO|O a|a|DT|O final|final|JJ|O concentration|concentration|NN|O of|of|IN|O 150|150|CD|Supp mg/mL|mg/ml|NN|Supp at|at|IN|O mid-log|mid-log|JJ|O phase|phase|NN|O and|and|CC|O stirred|stir|VBD|O for|for|IN|O 20|20|CD|Supp min|min|NN|Supp .|.|.|O
ChIP-exo|ChIP-exo|NNP|Technique GadW|gadw|NN|O pH5|ph5|NN|pH .5|.5|CD|pH 2|2|CD|O
Sodium|sodium|NN|O phosphate|phosphate|NN|O -LRB-|-lrb-|-LRB-|O 1/100|1/100|CD|O vol|vol|NN|O .|.|.|O of|of|IN|O 1M|1m|NN|O ,|,|,|O pH|ph|NN|O 7.6|7.6|CD|O ;|;|:|O 10|10|CD|O mM|mm|NN|O final|final|JJ|O -RRB-|-rrb-|-RRB-|O was|be|VBD|O added|add|VBN|O to|to|TO|O the|the|DT|O mid-log|mid-log|NN|Phase cultures|culture|NNS|O followed|follow|VBN|O by|by|IN|O formaldehyde|formaldehyde|NN|O to|to|TO|O 1|1|CD|O %|%|NN|O final|final|JJ|O and|and|CC|O anaerobic|anaerobic|JJ|O sparging|sparging|NN|O was|be|VBD|O continued|continue|VBN|O for|for|IN|O 10|10|CD|O min|min|NN|O .|.|.|O Cold|Cold|NNP|O 2.5|2.5|CD|O M|m|NN|O glycine|glycine|NN|O was|be|VBD|O added|add|VBN|O to|to|TO|O 100mM|100mm|NN|O and|and|CC|O the|the|DT|O mixture|mixture|NN|O was|be|VBD|O incubated|incubate|VBN|O at|at|IN|O 4|4|CD|O °C|°c|NN|O with|with|IN|O anaerobic|anaerobic|JJ|O sparging|sparging|NN|O for|for|IN|O 30|30|CD|O minutes|minute|NNS|O to|to|TO|O stop|stop|VB|O the|the|DT|O crosslinking|crosslinking|NN|O .|.|.|O Cells|cell|NNS|O were|be|VBD|O spun|spin|VBN|O at|at|IN|O 3500|3500|CD|O x|x|CC|O g|g|NN|O ,|,|,|O and|and|CC|O washed|wash|VBN|O repeatedly|repeatedly|RB|O with|with|IN|O phosphate|phosphate|NN|O buffered|buffer|VBN|O saline|saline|NN|O before|before|IN|O being|be|VBG|O frozen|freeze|VBN|O at|at|IN|O -80|-80|CD|O °C|°c|NN|O .|.|.|O Cell|cell|NN|O pellets|pellet|NNS|O -LRB-|-lrb-|-LRB-|O from|from|IN|O initial|initial|JJ|O 250|250|CD|O mL|ml|NN|O of|of|IN|O culture|culture|NN|O -RRB-|-rrb-|-RRB-|O were|be|VBD|O thawed|thaw|VBN|O and|and|CC|O resuspended|resuspend|VBN|O in|in|IN|O 250|250|CD|O μL|μl|NN|O of|of|IN|O IP|IP|NNP|O buffer|buffer|NN|O -LRB-|-lrb-|-LRB-|O 100|100|CD|O mM|mm|NN|O Tris|Tris|NNP|O pH|ph|NN|O 8|8|CD|O ,|,|,|O 300|300|CD|O mM|mm|NN|O NaCl|nacl|NN|O ,|,|,|O 1|1|CD|O %|%|NN|O TritonX-100|tritonx-100|NN|O -RRB-|-rrb-|-RRB-|O and|and|CC|O sonicated|sonicate|VBN|O using|use|VBG|O a|a|DT|O microtip|microtip|NN|O sonicator|sonicator|NN|O set|set|VBN|O at|at|IN|O 10|10|CD|O %|%|NN|O output|output|NN|O for|for|IN|O 20|20|CD|O second|second|JJ|O intervals|interval|NNS|O with|with|IN|O periods|period|NNS|O of|of|IN|O cooling|cool|VBG|O in|in|IN|O between|between|IN|O .|.|.|O Cells|cell|NNS|O were|be|VBD|O then|then|RB|O treated|treat|VBN|O for|for|IN|O one|one|CD|O hour|hour|NN|O at|at|IN|O 4|4|CD|O °C|°c|NN|O with|with|IN|O RNase|rnase|NN|O A|a|NN|O -LRB-|-lrb-|-LRB-|O 2|2|CD|O ng/ml|ng/ml|NN|O -RRB-|-rrb-|-RRB-|O ,|,|,|O micrococcal|micrococcal|JJ|O nuclease|nuclease|NN|O -LRB-|-lrb-|-LRB-|O 50|50|CD|O units|unit|NNS|O -RRB-|-rrb-|-RRB-|O ,|,|,|O 20|20|CD|O μM|μm|NN|O CaCl2|cacl2|NN|O ,1.2|,1.2|CD|O mM|mm|NN|O KCl|kcl|NN|O ,|,|,|O 0.3|0.3|CD|O mM|mm|NN|O NaCl|nacl|NN|O ,|,|,|O 6|6|CD|O mM|mm|NN|O sucrose|sucrose|NN|O ,|,|,|O and|and|CC|O 10|10|CD|O μM|μm|NN|O DTT|dtt|NN|O .|.|.|O EDTA|edta|NN|O was|be|VBD|O added|add|VBN|O to|to|TO|O 10|10|CD|O mM|mm|NN|O to|to|TO|O stop|stop|VB|O the|the|DT|O micrococcal|micrococcal|JJ|O nuclease|nuclease|NN|O and|and|CC|O the|the|DT|O samples|sample|NNS|O were|be|VBD|O spun|spin|VBN|O down|down|RP|O to|to|TO|O remove|remove|VB|O cell|cell|NN|O debris|debris|NN|O .|.|.|O The|the|DT|O lysate|lysate|NN|O was|be|VBD|O then|then|RB|O precleared|preclear|VBN|O through|through|IN|O incubation|incubation|NN|O with|with|IN|O a|a|DT|O 50/50|50/50|CD|O slurry|slurry|NN|O of|of|IN|O sepharose|sepharose|NN|O protein|protein|NN|O A|a|NN|O beads|bead|NNS|O in|in|IN|O IP|IP|NNP|O buffer|buffer|NN|O for|for|IN|O 2-3|2-3|CD|O hours|hour|NNS|O at|at|IN|O 4|4|CD|O °C|°c|NN|O .|.|.|O The|the|DT|O beads|bead|NNS|O were|be|VBD|O removed|remove|VBN|O by|by|IN|O centrifugation|centrifugation|NN|O and|and|CC|O antibody|antibody|NN|O was|be|VBD|O added|add|VBN|O to|to|TO|O the|the|DT|O pre-cleared|pre-cleared|JJ|O lysate|lysate|NN|O for|for|IN|O an|a|DT|O overnight|overnight|JJ|O incubation|incubation|NN|O .|.|.|O The|the|DT|O next|next|JJ|O day|day|NN|O ,|,|,|O 30|30|CD|O μl|μl|NN|O of|of|IN|O a|a|DT|O 50/50|50/50|CD|O slurry|slurry|NN|O of|of|IN|O sepharose|sepharose|NN|O protein|protein|NN|O A|a|NN|O beads|bead|NNS|O in|in|IN|O IP|IP|NNP|O buffer|buffer|NN|O was|be|VBD|O added|add|VBN|O to|to|TO|O the|the|DT|O lysate|lysate|NN|O to|to|TO|O capture|capture|VB|O antibody-protein-DNA|antibody-protein-dna|JJ|O complex|complex|NN|O for|for|IN|O one|one|CD|O hour|hour|NN|O at|at|IN|O 4|4|CD|O °C|°c|NN|O .|.|.|O Beads|bead|NNS|O were|be|VBD|O then|then|RB|O washed|wash|VBN|O once|once|RB|O with|with|IN|O 1|1|CD|O ml|ml|NN|O of|of|IN|O LiCl|licl|NN|O wash|wash|NN|O buffer|buffer|NN|O -LRB-|-lrb-|-LRB-|O 100|100|CD|O mM|mm|NN|O Tris|Tris|NNP|O pH|ph|NN|O 8|8|CD|O ,|,|,|O 250|250|CD|O mM|mm|NN|O LiCl|licl|NN|O ,|,|,|O 2|2|CD|O %|%|NN|O TritonX-100|tritonx-100|NN|O -RRB-|-rrb-|-RRB-|O ,|,|,|O twice|twice|RB|O with|with|IN|O 600|600|CD|O mM|mm|NN|O NaCl|nacl|NN|O wash|wash|NN|O buffer|buffer|NN|O -LRB-|-lrb-|-LRB-|O 100|100|CD|O mM|mm|NN|O Tris|Tris|NNP|O pH|ph|NN|O 8|8|CD|O ,|,|,|O 600|600|CD|O mM|mm|NN|O NaCl|nacl|NN|O ,|,|,|O 2|2|CD|O %|%|NN|O TritonX-100|tritonx-100|NN|O -RRB-|-rrb-|-RRB-|O ,|,|,|O twice|twice|RB|O with|with|IN|O 300|300|CD|O mM|mm|NN|O NaCl|nacl|NN|O wash|wash|NN|O buffer|buffer|NN|O -LRB-|-lrb-|-LRB-|O 100|100|CD|O mM|mm|NN|O Tris|Tris|NNP|O pH|ph|NN|O 8|8|CD|O ,|,|,|O 300|300|CD|O mM|mm|NN|O NaCl|nacl|NN|O ,|,|,|O 2|2|CD|O %|%|NN|O TritonX-100|tritonx-100|NN|O -RRB-|-rrb-|-RRB-|O ,|,|,|O and|and|CC|O twice|twice|RB|O with|with|IN|O TE|te|NN|O .|.|.|O Elution|elution|NN|O buffer|buffer|NN|O -LRB-|-lrb-|-LRB-|O 50|50|CD|O mM|mm|NN|O Tris|Tris|NNP|O pH|ph|NN|O 8|8|CD|O ,|,|,|O 10|10|CD|O mM|mm|NN|O EDTA|edta|NN|O ,|,|,|O 1|1|CD|O %|%|NN|O SDS|sds|NN|O -RRB-|-rrb-|-RRB-|O was|be|VBD|O added|add|VBN|O after|after|IN|O the|the|DT|O final|final|JJ|O wash|wash|NN|O step|step|NN|O ,|,|,|O and|and|CC|O beads|bead|NNS|O were|be|VBD|O incubated|incubate|VBN|O at|at|IN|O 65|65|CD|O °C|°c|NN|O for|for|IN|O 30|30|CD|O minutes|minute|NNS|O to|to|TO|O remove|remove|VB|O the|the|DT|O crosslinked|crosslink|VBN|O protein-DNA|protein-dna|JJ|O complexes|complex|NNS|O from|from|IN|O the|the|DT|O beads|bead|NNS|O .|.|.|O After|after|IN|O centrifugation|centrifugation|NN|O to|to|TO|O remove|remove|VB|O the|the|DT|O beads|bead|NNS|O ,|,|,|O the|the|DT|O samples|sample|NNS|O were|be|VBD|O incubated|incubate|VBN|O overnight|overnight|RB|O at|at|IN|O 65|65|CD|O °C|°c|NN|O to|to|TO|O reverse|reverse|VB|O the|the|DT|O protein-DNA|protein-dna|JJ|O formaldehyde|formaldehyde|NN|O crosslinks|crosslink|NNS|O .|.|.|O DNA|dna|NN|O was|be|VBD|O purified|purify|VBN|O using|use|VBG|O Qiagen|Qiagen|NNP|O 's|'s|POS|O PCR|pcr|NN|O Purification|purification|NN|O kit|kit|NN|O and|and|CC|O eluted|elute|VBN|O to|to|TO|O a|a|DT|O final|final|JJ|O volume|volume|NN|O of|of|IN|O 50|50|CD|O μl|μl|NN|O with|with|IN|O EB|EB|NNP|O .|.|.|O
To|to|TO|O harvest|harvest|VB|O total|total|JJ|O RNA|rna|NN|O samples|sample|NNS|O ,|,|,|O overnight|overnight|JJ|O cultures|culture|NNS|O of|of|IN|O wild|wild|JJ|Gtype type|type|NN|Gtype MG1655|mg1655|NN|O grown|grow|VBN|O in|in|IN|O LB|lb|NN|O at|at|IN|O 37|37|CD|O ˚C|˚c|NN|O were|be|VBD|O diluted|dilute|VBN|O back|back|RB|O 1:500|1:500|CD|O in|in|IN|O either|either|CC|O fresh|fresh|JJ|O LB|lb|NN|O or|or|CC|O M63|m63|NN|O minimal|minimal|JJ|O glucose|glucose|NN|O medium|medium|NN|O and|and|CC|O allowed|allow|VBN|O to|to|TO|O grow|grow|VB|O until|until|IN|O the|the|DT|O cultures|culture|NNS|O reached|reach|VBD|O an|a|DT|O OD600|od600|NN|O of|of|IN|O ~|~|NN|O 0.4|0.4|CD|O and|and|CC|O 2.0|2.0|CD|O for|for|IN|O cultures|culture|NNS|O grown|grow|VBN|O in|in|IN|O LB|lb|NN|O and|and|CC|O an|a|DT|O OD600|od600|NN|O of|of|IN|O ~|~|NN|O 0.4|0.4|CD|O for|for|IN|O cultures|culture|NNS|O grown|grow|VBN|O in|in|IN|O M63|m63|NN|O .|.|.|O For|for|IN|O samples|sample|NNS|O grown|grow|VBN|O to|to|TO|O OD600|od600|NN|OD of|of|IN|OD ~|~|NN|OD 0.4|0.4|CD|OD a|a|DT|O total|total|JJ|O volume|volume|NN|O of|of|IN|O 25|25|CD|O ml|ml|NN|O of|of|IN|O cells|cell|NNS|O were|be|VBD|O harvested|harvest|VBN|O and|and|CC|O combined|combine|VBN|O with|with|IN|O 5|5|CD|O ml|ml|NN|O of|of|IN|O stop|stop|NN|O solution|solution|NN|O -LRB-|-lrb-|-LRB-|O 95|95|CD|O %|%|NN|O Ethanol|ethanol|NN|O ,|,|,|O 5|5|CD|O %|%|NN|O acid|acid|NN|O phenol|phenol|NN|O -RRB-|-rrb-|-RRB-|O .|.|.|O For|for|IN|O samples|sample|NNS|O grown|grow|VBN|O to|to|TO|O OD600|od600|NN|O of|of|IN|O 2.0|2.0|CD|O a|a|DT|O total|total|JJ|O volume|volume|NN|O of|of|IN|O 5|5|CD|O ml|ml|NN|O of|of|IN|O cells|cell|NNS|O were|be|VBD|O harvested|harvest|VBN|O and|and|CC|O combined|combine|VBN|O with|with|IN|O 1|1|CD|O ml|ml|NN|O of|of|IN|O stop|stop|NN|O solution|solution|NN|O .|.|.|O
culture|culture|NN|O condition|condition|NN|O :|:|:|O Anaerobic|anaerobic|JJ|Air cultures|culture|NNS|O
Cells|cell|NNS|O were|be|VBD|O grown|grow|VBN|O aerobically|aerobically|RB|O -LRB-|-lrb-|-LRB-|O 70|70|CD|O %|%|NN|O N2|n2|NN|O ,|,|,|O 25|25|CD|O %|%|NN|O O2|o2|CD|O ,|,|,|O and|and|CC|O 5|5|CD|O %|%|NN|O CO2|co2|NN|O -RRB-|-rrb-|-RRB-|O or|or|CC|O anaerobically|anaerobically|RB|Air -LRB-|-lrb-|-LRB-|Air 95|95|CD|Air %|%|NN|Air N2|n2|NN|Air and|and|CC|Air 5|5|CD|Air %|%|NN|Air CO2|co2|NN|Air -RRB-|-rrb-|-RRB-|Air until|until|IN|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase -LRB-|-lrb-|-LRB-|O OD600|od600|NN|OD of|of|IN|OD ~|~|NN|OD 0.3-0.35|0.3-0.35|CD|OD -RRB-|-rrb-|-RRB-|O in|in|IN|O MOPS|MOPS|NNP|Med minimal|minimal|JJ|Med glucose|glucose|NN|Med media|media|NNS|Med containing|contain|VBG|O 10|10|CD|Supp µM|µm|NN|Supp FeSO4|feso4|NN|Supp .|.|.|O
genotype|genotype|NN|O :|:|:|O Wildtype|wildtype|NN|Gtype
agent|agent|NN|O :|:|:|O DPD|dpd|NN|Supp
growth|growth|NN|OD phase|phase|NN|OD :|:|:|OD stationary|stationary|JJ|Phase
E.|E.|NNP|O coli|coli|NN|O K-12|k-12|NN|O MG1655|mg1655|NN|O WT|wt|NN|O and|and|CC|O Fur-8-myc|fur-8-myc|NN|O tagged|tag|VBD|O strains|strain|NNS|O were|be|VBD|O grown|grow|VBN|O to|to|TO|O mid-log|mid-log|JJ|Phase phase|phase|NN|Phase aerobically|aerobically|RB|Air at|at|IN|O 37|37|CD|Temp °C|°c|NN|Temp in|in|IN|O M9|m9|NN|Med minimal|minimal|JJ|Med media|media|NNS|Med supplemented|supplement|VBN|O with|with|IN|O 0.2|0.2|CD|Supp %|%|NN|Supp glucose|glucose|NN|Supp .|.|.|O For|for|IN|O iron|iron|NN|O treated|treat|VBN|O cells|cell|NNS|O ,|,|,|O 0.1|0.1|CD|O mM|mm|NN|O of|of|IN|O FeCl2|fecl2|NN|O were|be|VBD|O treated|treat|VBN|O from|from|IN|O the|the|DT|O beginning|beginning|NN|O of|of|IN|O culture|culture|NN|O ,|,|,|O and|and|CC|O for|for|IN|O DPD|dpd|NN|O treated|treat|VBN|O cells|cell|NNS|O ,|,|,|O 0.2|0.2|CD|Supp mM|mm|NN|Supp of|of|IN|Supp DPD|dpd|NN|Supp were|be|VBD|O added|add|VBN|O at|at|IN|O early-log|early-log|JJ|O phase|phase|NN|O and|and|CC|O continued|continue|VBD|O to|to|TO|O culture|culture|NN|O for|for|IN|O additional|additional|JJ|O 2h|2h|NN|Supp .|.|.|O For|for|IN|O the|the|DT|O rifampicin-treated|rifampicin-treated|JJ|O cultures|culture|NNS|O ,|,|,|O the|the|DT|O rifampicin|rifampicin|NN|O dissolved|dissolve|VBN|O in|in|IN|O methanol|methanol|NN|O was|be|VBD|O added|add|VBN|O to|to|TO|O a|a|DT|O final|final|JJ|O concentration|concentration|NN|O of|of|IN|O 150|150|CD|O mg/mL|mg/ml|NN|O at|at|IN|O mid-log|mid-log|JJ|O phase|phase|NN|O and|and|CC|O stirred|stir|VBD|O for|for|IN|O 20|20|CD|O min|min|NN|O .|.|.|O
genotype/variation|genotype/variation|NN|O :|:|:|O ΔarcA|δarca|NN|Gtype
NsrR|nsrr|NN|Gtype _|_|CD|Gtype Flagtag|flagtag|NN|Gtype _|_|CD|O rep1|rep1|NN|O
Δcra|δcra|NN|Gtype fructose|fructose|NN|Supp 1|1|CD|O
\ No newline at end of file
-------------------------------- PARAMETERS --------------------------------
Path of training data set: /home/egaytan/automatic-extraction-growth-conditions/CRF/data-sets
File with training data set: training-data-set-70.txt
Path of test data set: /home/egaytan/automatic-extraction-growth-conditions/CRF/data-sets
File with test data set: test-data-set-30.txt
Exclude stop words: False
Levels: False False
Report file: _v11
Exclude symbols: False
-------------------------------- PROCESSING --------------------------------
Reading corpus...
Sentences training data: 286
Sentences test data: 123
Reading corpus done in: 0.003661s
-------------------------------- FEATURES --------------------------------
--------------------------Features Training ---------------------------
0 1
0 lemma 2
1 postag CD
2 -1:lemma fructose
3 -1:postag NN
--------------------------- FeaturesTest -----------------------------
0 1
0 lemma delta-arca
1 postag NN
2 -1:lemma _
3 -1:postag NN
4 +1:lemma _
5 +1:postag CD
Fitting 10 folds for each of 20 candidates, totalling 200 fits
[CV] c1=0.20934163148847484, c2=5.972574594521125e-05 ................
[CV] c1=0.20934163148847484, c2=5.972574594521125e-05, score=0.862849 - 1.1s
[CV] c1=0.08128668233823869, c2=0.015540324479165422 .................
[CV] c1=0.08128668233823869, c2=0.015540324479165422, score=0.919033 - 1.1s
[CV] c1=0.5160556959866659, c2=0.00838831450556026 ...................
[CV] c1=0.5160556959866659, c2=0.00838831450556026, score=0.906157 - 1.3s
[CV] c1=1.7122140999971878, c2=0.05658957314559598 ...................
[CV] c1=1.7122140999971878, c2=0.05658957314559598, score=0.844021 - 1.1s
[CV] c1=0.4946687667859687, c2=0.0542592515703674 ....................
[CV] c1=0.4946687667859687, c2=0.0542592515703674, score=0.808915 - 0.7s
[CV] c1=0.3416431887936145, c2=0.0064368649263298276 .................
[CV] c1=0.3416431887936145, c2=0.0064368649263298276, score=0.792622 - 1.1s
[CV] c1=0.4088757117025328, c2=0.09168395187353322 ...................
[CV] c1=0.4088757117025328, c2=0.09168395187353322, score=0.755521 - 1.1s
[CV] c1=0.38466523790200696, c2=0.014294801698835725 .................
[CV] c1=0.38466523790200696, c2=0.014294801698835725, score=0.792622 - 1.2s
[CV] c1=0.16523896983656627, c2=0.036164164069576 ....................
[CV] c1=0.16523896983656627, c2=0.036164164069576, score=0.832821 - 1.2s
[CV] c1=0.25680804182641076, c2=0.0023964124558177556 ................
[CV] c1=0.25680804182641076, c2=0.0023964124558177556, score=0.844183 - 0.9s
[CV] c1=0.3416431887936145, c2=0.0064368649263298276 .................
[CV] c1=0.3416431887936145, c2=0.0064368649263298276, score=0.911899 - 1.1s
[CV] c1=0.4088757117025328, c2=0.09168395187353322 ...................
[CV] c1=0.4088757117025328, c2=0.09168395187353322, score=0.848019 - 1.0s
[CV] c1=0.38466523790200696, c2=0.014294801698835725 .................
[CV] c1=0.38466523790200696, c2=0.014294801698835725, score=0.794216 - 1.2s
[CV] c1=0.16523896983656627, c2=0.036164164069576 ....................
[CV] c1=0.16523896983656627, c2=0.036164164069576, score=0.929943 - 1.0s
[CV] c1=0.25680804182641076, c2=0.0023964124558177556 ................
[CV] c1=0.25680804182641076, c2=0.0023964124558177556, score=0.874938 - 1.1s
[CV] c1=0.016682035458511702, c2=0.007521135075766578 ................
[CV] c1=0.016682035458511702, c2=0.007521135075766578, score=0.869971 - 0.9s
[CV] c1=0.4088757117025328, c2=0.09168395187353322 ...................
[CV] c1=0.4088757117025328, c2=0.09168395187353322, score=0.862491 - 1.2s
[CV] c1=0.38466523790200696, c2=0.014294801698835725 .................
[CV] c1=0.38466523790200696, c2=0.014294801698835725, score=0.868591 - 1.1s
[CV] c1=0.16523896983656627, c2=0.036164164069576 ....................
[CV] c1=0.16523896983656627, c2=0.036164164069576, score=0.892921 - 1.0s
[CV] c1=0.4946687667859687, c2=0.0542592515703674 ....................
[CV] c1=0.4946687667859687, c2=0.0542592515703674, score=0.849102 - 1.0s
[CV] c1=0.3416431887936145, c2=0.0064368649263298276 .................
[CV] c1=0.3416431887936145, c2=0.0064368649263298276, score=0.927140 - 1.2s
[CV] c1=0.9870335277617494, c2=0.04765866813729092 ...................
[CV] c1=0.9870335277617494, c2=0.04765866813729092, score=0.595497 - 1.1s
[CV] c1=0.4739364495651378, c2=0.008016632345172418 ..................
[CV] c1=0.4739364495651378, c2=0.008016632345172418, score=0.708368 - 1.1s
[CV] c1=0.7148705150289486, c2=0.0060592676388864924 .................
[CV] c1=0.7148705150289486, c2=0.0060592676388864924, score=0.791386 - 1.0s
[CV] c1=0.25680804182641076, c2=0.0023964124558177556 ................
[CV] c1=0.25680804182641076, c2=0.0023964124558177556, score=0.903946 - 1.0s
[CV] c1=0.016682035458511702, c2=0.007521135075766578 ................
[CV] c1=0.016682035458511702, c2=0.007521135075766578, score=0.698765 - 1.0s
[CV] c1=0.4088757117025328, c2=0.09168395187353322 ...................
[CV] c1=0.4088757117025328, c2=0.09168395187353322, score=0.807845 - 1.2s
[CV] c1=0.4739364495651378, c2=0.008016632345172418 ..................
[CV] c1=0.4739364495651378, c2=0.008016632345172418, score=0.827517 - 1.0s
[CV] c1=0.16523896983656627, c2=0.036164164069576 ....................
[CV] c1=0.16523896983656627, c2=0.036164164069576, score=0.862849 - 1.1s
[CV] c1=0.4946687667859687, c2=0.0542592515703674 ....................
[CV] c1=0.4946687667859687, c2=0.0542592515703674, score=0.848019 - 1.0s
[CV] c1=0.3416431887936145, c2=0.0064368649263298276 .................
[CV] c1=0.3416431887936145, c2=0.0064368649263298276, score=0.856620 - 1.0s
[CV] c1=0.4088757117025328, c2=0.09168395187353322 ...................
[CV] c1=0.4088757117025328, c2=0.09168395187353322, score=0.794216 - 1.1s
[CV] c1=0.38466523790200696, c2=0.014294801698835725 .................
[CV] c1=0.38466523790200696, c2=0.014294801698835725, score=0.851982 - 1.2s
[CV] c1=0.16523896983656627, c2=0.036164164069576 ....................
[CV] c1=0.16523896983656627, c2=0.036164164069576, score=0.902103 - 1.2s
[CV] c1=0.28200022301003685, c2=0.0010305816691186325 ................
[CV] c1=0.28200022301003685, c2=0.0010305816691186325, score=0.874938 - 0.9s
[CV] c1=0.016682035458511702, c2=0.007521135075766578 ................
[CV] c1=0.016682035458511702, c2=0.007521135075766578, score=0.923212 - 1.0s
[CV] c1=0.9870335277617494, c2=0.04765866813729092 ...................
[CV] c1=0.9870335277617494, c2=0.04765866813729092, score=0.726136 - 1.0s
[CV] c1=0.38466523790200696, c2=0.014294801698835725 .................
[CV] c1=0.38466523790200696, c2=0.014294801698835725, score=0.907748 - 1.2s
[CV] c1=0.16523896983656627, c2=0.036164164069576 ....................
[CV] c1=0.16523896983656627, c2=0.036164164069576, score=0.846394 - 1.1s
[CV] c1=0.28200022301003685, c2=0.0010305816691186325 ................
[CV] c1=0.28200022301003685, c2=0.0010305816691186325, score=0.912263 - 0.8s
[CV] c1=0.3416431887936145, c2=0.0064368649263298276 .................
[CV] c1=0.3416431887936145, c2=0.0064368649263298276, score=0.868591 - 1.0s
[CV] c1=0.4088757117025328, c2=0.09168395187353322 ...................
[CV] c1=0.4088757117025328, c2=0.09168395187353322, score=0.634294 - 1.1s
[CV] c1=0.38466523790200696, c2=0.014294801698835725 .................
[CV] c1=0.38466523790200696, c2=0.014294801698835725, score=0.708368 - 1.2s
[CV] c1=0.16523896983656627, c2=0.036164164069576 ....................
[CV] c1=0.16523896983656627, c2=0.036164164069576, score=0.794216 - 1.1s
[CV] c1=0.28200022301003685, c2=0.0010305816691186325 ................
[CV] c1=0.28200022301003685, c2=0.0010305816691186325, score=0.821993 - 0.9s
[CV] c1=0.3416431887936145, c2=0.0064368649263298276 .................
[CV] c1=0.3416431887936145, c2=0.0064368649263298276, score=0.920954 - 1.1s
[CV] c1=0.9870335277617494, c2=0.04765866813729092 ...................
[CV] c1=0.9870335277617494, c2=0.04765866813729092, score=0.765873 - 1.1s
[CV] c1=0.38466523790200696, c2=0.014294801698835725 .................
[CV] c1=0.38466523790200696, c2=0.014294801698835725, score=0.812884 - 1.1s
[CV] c1=0.16523896983656627, c2=0.036164164069576 ....................
[CV] c1=0.16523896983656627, c2=0.036164164069576, score=0.935212 - 1.1s
[CV] c1=0.25680804182641076, c2=0.0023964124558177556 ................
[CV] c1=0.25680804182641076, c2=0.0023964124558177556, score=0.915096 - 1.0s
[CV] c1=0.016682035458511702, c2=0.007521135075766578 ................
[CV] c1=0.016682035458511702, c2=0.007521135075766578, score=0.878466 - 1.1s
[CV] c1=0.9870335277617494, c2=0.04765866813729092 ...................
[CV] c1=0.9870335277617494, c2=0.04765866813729092, score=0.729107 - 1.0s
[CV] c1=0.4739364495651378, c2=0.008016632345172418 ..................
[CV] c1=0.4739364495651378, c2=0.008016632345172418, score=0.913639 - 1.1s
[CV] c1=0.7148705150289486, c2=0.0060592676388864924 .................
[CV] c1=0.7148705150289486, c2=0.0060592676388864924, score=0.839637 - 0.9s
[CV] c1=0.25680804182641076, c2=0.0023964124558177556 ................
[CV] c1=0.25680804182641076, c2=0.0023964124558177556, score=0.842269 - 1.1s
[CV] c1=0.12930688817551622, c2=0.07034964230848688 ..................
[CV] c1=0.12930688817551622, c2=0.07034964230848688, score=0.823692 - 1.1s
[CV] c1=0.9870335277617494, c2=0.04765866813729092 ...................
[CV] c1=0.9870335277617494, c2=0.04765866813729092, score=0.766586 - 1.1s
[CV] c1=0.4739364495651378, c2=0.008016632345172418 ..................
[CV] c1=0.4739364495651378, c2=0.008016632345172418, score=0.868591 - 1.0s
[CV] c1=0.7148705150289486, c2=0.0060592676388864924 .................
[CV] c1=0.7148705150289486, c2=0.0060592676388864924, score=0.885444 - 1.0s
[CV] c1=0.28200022301003685, c2=0.0010305816691186325 ................
[CV] c1=0.28200022301003685, c2=0.0010305816691186325, score=0.848671 - 0.9s
[CV] c1=0.016682035458511702, c2=0.007521135075766578 ................
[CV] c1=0.016682035458511702, c2=0.007521135075766578, score=0.855076 - 1.0s
[CV] c1=0.9870335277617494, c2=0.04765866813729092 ...................
[CV] c1=0.9870335277617494, c2=0.04765866813729092, score=0.686315 - 1.1s
[CV] c1=0.4739364495651378, c2=0.008016632345172418 ..................
[CV] c1=0.4739364495651378, c2=0.008016632345172418, score=0.780953 - 1.1s
[CV] c1=0.7148705150289486, c2=0.0060592676388864924 .................
[CV] c1=0.7148705150289486, c2=0.0060592676388864924, score=0.794216 - 1.1s
[CV] c1=0.4946687667859687, c2=0.0542592515703674 ....................
[CV] c1=0.4946687667859687, c2=0.0542592515703674, score=0.683676 - 1.0s
[CV] c1=0.3416431887936145, c2=0.0064368649263298276 .................
[CV] c1=0.3416431887936145, c2=0.0064368649263298276, score=0.794216 - 1.1s
[CV] c1=0.4088757117025328, c2=0.09168395187353322 ...................
[CV] c1=0.4088757117025328, c2=0.09168395187353322, score=0.869930 - 1.2s
[CV] c1=0.38466523790200696, c2=0.014294801698835725 .................
[CV] c1=0.38466523790200696, c2=0.014294801698835725, score=0.920954 - 1.1s
[CV] c1=0.7148705150289486, c2=0.0060592676388864924 .................
[CV] c1=0.7148705150289486, c2=0.0060592676388864924, score=0.687408 - 1.1s
[CV] c1=0.4946687667859687, c2=0.0542592515703674 ....................
[CV] c1=0.4946687667859687, c2=0.0542592515703674, score=0.894596 - 0.9s
[CV] c1=0.3416431887936145, c2=0.0064368649263298276 .................
[CV] c1=0.3416431887936145, c2=0.0064368649263298276, score=0.703882 - 1.1s
[CV] c1=0.4088757117025328, c2=0.09168395187353322 ...................
[CV] c1=0.4088757117025328, c2=0.09168395187353322, score=0.894596 - 1.1s
[CV] c1=0.38466523790200696, c2=0.014294801698835725 .................
[CV] c1=0.38466523790200696, c2=0.014294801698835725, score=0.921051 - 1.1s
[CV] c1=0.16523896983656627, c2=0.036164164069576 ....................
[CV] c1=0.16523896983656627, c2=0.036164164069576, score=0.683676 - 1.2s
[CV] c1=0.4946687667859687, c2=0.0542592515703674 ....................
[CV] c1=0.4946687667859687, c2=0.0542592515703674, score=0.752527 - 1.2s
[CV] c1=0.3416431887936145, c2=0.0064368649263298276 .................
[CV] c1=0.3416431887936145, c2=0.0064368649263298276, score=0.812884 - 1.1s
[CV] c1=0.4088757117025328, c2=0.09168395187353322 ...................
[CV] c1=0.4088757117025328, c2=0.09168395187353322, score=0.935314 - 1.2s
[CV] c1=0.4739364495651378, c2=0.008016632345172418 ..................
[CV] c1=0.4739364495651378, c2=0.008016632345172418, score=0.911899 - 1.0s
[CV] c1=0.7148705150289486, c2=0.0060592676388864924 .................
[CV] c1=0.7148705150289486, c2=0.0060592676388864924, score=0.661486 - 1.2s
[CV] c1=0.25680804182641076, c2=0.0023964124558177556 ................
[CV] c1=0.25680804182641076, c2=0.0023964124558177556, score=0.794216 - 1.0s
[CV] c1=0.016682035458511702, c2=0.007521135075766578 ................
[CV] c1=0.016682035458511702, c2=0.007521135075766578, score=0.813681 - 1.1s
[CV] c1=0.9870335277617494, c2=0.04765866813729092 ...................
[CV] c1=0.9870335277617494, c2=0.04765866813729092, score=0.788431 - 1.1s
[CV] c1=0.4739364495651378, c2=0.008016632345172418 ..................
[CV] c1=0.4739364495651378, c2=0.008016632345172418, score=0.861776 - 1.1s
[CV] c1=0.7148705150289486, c2=0.0060592676388864924 .................
[CV] c1=0.7148705150289486, c2=0.0060592676388864924, score=0.880614 - 0.9s
[CV] c1=0.20934163148847484, c2=5.972574594521125e-05 ................
[CV] c1=0.20934163148847484, c2=5.972574594521125e-05, score=0.908739 - 0.9s
[CV] c1=0.08128668233823869, c2=0.015540324479165422 .................
[CV] c1=0.08128668233823869, c2=0.015540324479165422, score=0.683676 - 1.0s
[CV] c1=0.4978424280676325, c2=0.20578681248358272 ...................
[CV] c1=0.4978424280676325, c2=0.20578681248358272, score=0.908218 - 1.1s
[CV] c1=1.7122140999971878, c2=0.05658957314559598 ...................
[CV] c1=1.7122140999971878, c2=0.05658957314559598, score=0.656228 - 0.9s
[CV] c1=0.1700832520653568, c2=0.028556204986796993 ..................
[CV] c1=0.1700832520653568, c2=0.028556204986796993, score=0.857498 - 0.8s
[CV] c1=0.25680804182641076, c2=0.0023964124558177556 ................
[CV] c1=0.25680804182641076, c2=0.0023964124558177556, score=0.912263 - 1.0s
[CV] c1=0.016682035458511702, c2=0.007521135075766578 ................
[CV] c1=0.016682035458511702, c2=0.007521135075766578, score=0.907875 - 1.1s
[CV] c1=0.9870335277617494, c2=0.04765866813729092 ...................
[CV] c1=0.9870335277617494, c2=0.04765866813729092, score=0.858613 - 1.1s
[CV] c1=0.4739364495651378, c2=0.008016632345172418 ..................
[CV] c1=0.4739364495651378, c2=0.008016632345172418, score=0.794216 - 1.1s
[CV] c1=0.7148705150289486, c2=0.0060592676388864924 .................
[CV] c1=0.7148705150289486, c2=0.0060592676388864924, score=0.865939 - 1.1s
[CV] c1=0.28200022301003685, c2=0.0010305816691186325 ................
[CV] c1=0.28200022301003685, c2=0.0010305816691186325, score=0.858405 - 1.1s
[CV] c1=0.12930688817551622, c2=0.07034964230848688 ..................
[CV] c1=0.12930688817551622, c2=0.07034964230848688, score=0.895946 - 1.0s
[CV] c1=0.4978424280676325, c2=0.20578681248358272 ...................
[CV] c1=0.4978424280676325, c2=0.20578681248358272, score=0.704949 - 1.1s
[CV] c1=0.4739364495651378, c2=0.008016632345172418 ..................
[CV] c1=0.4739364495651378, c2=0.008016632345172418, score=0.928184 - 1.1s
[CV] c1=0.7148705150289486, c2=0.0060592676388864924 .................
[CV] c1=0.7148705150289486, c2=0.0060592676388864924, score=0.927590 - 1.0s
[CV] c1=0.28200022301003685, c2=0.0010305816691186325 ................
[CV] c1=0.28200022301003685, c2=0.0010305816691186325, score=0.936885 - 1.1s
[CV] c1=0.12930688817551622, c2=0.07034964230848688 ..................
[CV] c1=0.12930688817551622, c2=0.07034964230848688, score=0.931384 - 1.1s
[CV] c1=0.5160556959866659, c2=0.00838831450556026 ...................
[CV] c1=0.5160556959866659, c2=0.00838831450556026, score=0.827517 - 1.0s
[CV] c1=1.7122140999971878, c2=0.05658957314559598 ...................
[CV] c1=1.7122140999971878, c2=0.05658957314559598, score=0.675699 - 1.1s
[CV] c1=0.1700832520653568, c2=0.028556204986796993 ..................
[CV] c1=0.1700832520653568, c2=0.028556204986796993, score=0.908106 - 0.8s
[CV] c1=0.28200022301003685, c2=0.0010305816691186325 ................
[CV] c1=0.28200022301003685, c2=0.0010305816691186325, score=0.708368 - 1.0s
[CV] c1=0.016682035458511702, c2=0.007521135075766578 ................
[CV] c1=0.016682035458511702, c2=0.007521135075766578, score=0.842508 - 1.0s
[CV] c1=0.9870335277617494, c2=0.04765866813729092 ...................
[CV] c1=0.9870335277617494, c2=0.04765866813729092, score=0.905836 - 1.2s
[CV] c1=0.02176968258286127, c2=0.02945484477062978 ..................
[CV] c1=0.02176968258286127, c2=0.02945484477062978, score=0.867117 - 1.1s
[CV] c1=0.1700832520653568, c2=0.028556204986796993 ..................
[CV] c1=0.1700832520653568, c2=0.028556204986796993, score=0.937126 - 0.9s
[CV] c1=0.25680804182641076, c2=0.0023964124558177556 ................
[CV] c1=0.25680804182641076, c2=0.0023964124558177556, score=0.708368 - 1.1s
[CV] c1=0.016682035458511702, c2=0.007521135075766578 ................
[CV] c1=0.016682035458511702, c2=0.007521135075766578, score=0.914857 - 1.0s
[CV] c1=0.9870335277617494, c2=0.04765866813729092 ...................
[CV] c1=0.9870335277617494, c2=0.04765866813729092, score=0.848732 - 1.1s
[CV] c1=0.4739364495651378, c2=0.008016632345172418 ..................
[CV] c1=0.4739364495651378, c2=0.008016632345172418, score=0.812884 - 1.1s
[CV] c1=0.7148705150289486, c2=0.0060592676388864924 .................
[CV] c1=0.7148705150289486, c2=0.0060592676388864924, score=0.804678 - 1.1s
[CV] c1=0.20934163148847484, c2=5.972574594521125e-05 ................
[CV] c1=0.20934163148847484, c2=5.972574594521125e-05, score=0.703882 - 1.1s
[CV] c1=0.08128668233823869, c2=0.015540324479165422 .................
[CV] c1=0.08128668233823869, c2=0.015540324479165422, score=0.794216 - 1.1s
[CV] c1=0.5160556959866659, c2=0.00838831450556026 ...................
[CV] c1=0.5160556959866659, c2=0.00838831450556026, score=0.911899 - 1.0s
[CV] c1=1.7122140999971878, c2=0.05658957314559598 ...................
[CV] c1=1.7122140999971878, c2=0.05658957314559598, score=0.533949 - 1.1s
[CV] c1=0.009613034807642702, c2=0.07925857169298134 .................
[CV] c1=0.009613034807642702, c2=0.07925857169298134, score=0.879947 - 0.9s
[CV] c1=0.20934163148847484, c2=5.972574594521125e-05 ................
[CV] c1=0.20934163148847484, c2=5.972574594521125e-05, score=0.848671 - 1.0s
[CV] c1=0.12930688817551622, c2=0.07034964230848688 ..................
[CV] c1=0.12930688817551622, c2=0.07034964230848688, score=0.905220 - 1.1s
[CV] c1=0.4978424280676325, c2=0.20578681248358272 ...................
[CV] c1=0.4978424280676325, c2=0.20578681248358272, score=0.764186 - 1.1s
[CV] c1=0.02176968258286127, c2=0.02945484477062978 ..................
[CV] c1=0.02176968258286127, c2=0.02945484477062978, score=0.926291 - 1.1s
[CV] c1=0.1700832520653568, c2=0.028556204986796993 ..................
[CV] c1=0.1700832520653568, c2=0.028556204986796993, score=0.836791 - 0.9s
[CV] c1=0.20934163148847484, c2=5.972574594521125e-05 ................
[CV] c1=0.20934163148847484, c2=5.972574594521125e-05, score=0.932540 - 1.2s
[CV] c1=0.08128668233823869, c2=0.015540324479165422 .................
[CV] c1=0.08128668233823869, c2=0.015540324479165422, score=0.853754 - 1.0s
[CV] c1=0.5160556959866659, c2=0.00838831450556026 ...................
[CV] c1=0.5160556959866659, c2=0.00838831450556026, score=0.794216 - 1.1s
[CV] c1=1.7122140999971878, c2=0.05658957314559598 ...................
[CV] c1=1.7122140999971878, c2=0.05658957314559598, score=0.692122 - 1.1s
[CV] c1=0.009613034807642702, c2=0.07925857169298134 .................
[CV] c1=0.009613034807642702, c2=0.07925857169298134, score=0.898568 - 0.8s
[CV] c1=0.28200022301003685, c2=0.0010305816691186325 ................
[CV] c1=0.28200022301003685, c2=0.0010305816691186325, score=0.915096 - 1.1s
[CV] c1=0.08128668233823869, c2=0.015540324479165422 .................
[CV] c1=0.08128668233823869, c2=0.015540324479165422, score=0.879947 - 1.0s
[CV] c1=0.4978424280676325, c2=0.20578681248358272 ...................
[CV] c1=0.4978424280676325, c2=0.20578681248358272, score=0.850379 - 1.1s
[CV] c1=0.02176968258286127, c2=0.02945484477062978 ..................
[CV] c1=0.02176968258286127, c2=0.02945484477062978, score=0.864469 - 1.0s
[CV] c1=0.1700832520653568, c2=0.028556204986796993 ..................
[CV] c1=0.1700832520653568, c2=0.028556204986796993, score=0.921051 - 1.0s
[CV] c1=0.28200022301003685, c2=0.0010305816691186325 ................
[CV] c1=0.28200022301003685, c2=0.0010305816691186325, score=0.830456 - 1.1s
[CV] c1=0.08128668233823869, c2=0.015540324479165422 .................
[CV] c1=0.08128668233823869, c2=0.015540324479165422, score=0.913940 - 1.1s
[CV] c1=0.5160556959866659, c2=0.00838831450556026 ...................
[CV] c1=0.5160556959866659, c2=0.00838831450556026, score=0.772194 - 1.0s
[CV] c1=0.02176968258286127, c2=0.02945484477062978 ..................
[CV] c1=0.02176968258286127, c2=0.02945484477062978, score=0.849711 - 1.1s
[CV] c1=0.009613034807642702, c2=0.07925857169298134 .................
[CV] c1=0.009613034807642702, c2=0.07925857169298134, score=0.857683 - 0.9s
[CV] c1=0.4946687667859687, c2=0.0542592515703674 ....................
[CV] c1=0.4946687667859687, c2=0.0542592515703674, score=0.869930 - 1.2s
[CV] c1=0.016682035458511702, c2=0.007521135075766578 ................
[CV] c1=0.016682035458511702, c2=0.007521135075766578, score=0.926291 - 1.1s
[CV] c1=0.4978424280676325, c2=0.20578681248358272 ...................
[CV] c1=0.4978424280676325, c2=0.20578681248358272, score=0.759391 - 1.1s
[CV] c1=0.02176968258286127, c2=0.02945484477062978 ..................
[CV] c1=0.02176968258286127, c2=0.02945484477062978, score=0.879947 - 1.1s
[CV] c1=0.1700832520653568, c2=0.028556204986796993 ..................
[CV] c1=0.1700832520653568, c2=0.028556204986796993, score=0.846481 - 1.1s
[CV] c1=0.4946687667859687, c2=0.0542592515703674 ....................
[CV] c1=0.4946687667859687, c2=0.0542592515703674, score=0.931111 - 1.2s
[CV] c1=0.12930688817551622, c2=0.07034964230848688 ..................
[CV] c1=0.12930688817551622, c2=0.07034964230848688, score=0.875460 - 1.2s
[CV] c1=0.4978424280676325, c2=0.20578681248358272 ...................
[CV] c1=0.4978424280676325, c2=0.20578681248358272, score=0.893737 - 1.0s
[CV] c1=0.02176968258286127, c2=0.02945484477062978 ..................
[CV] c1=0.02176968258286127, c2=0.02945484477062978, score=0.925597 - 1.1s
[CV] c1=0.1700832520653568, c2=0.028556204986796993 ..................
[CV] c1=0.1700832520653568, c2=0.028556204986796993, score=0.794216 - 1.0s
[CV] c1=0.20934163148847484, c2=5.972574594521125e-05 ................
[CV] c1=0.20934163148847484, c2=5.972574594521125e-05, score=0.915096 - 1.1s
[CV] c1=0.08128668233823869, c2=0.015540324479165422 .................
[CV] c1=0.08128668233823869, c2=0.015540324479165422, score=0.907503 - 1.1s
[CV] c1=0.5160556959866659, c2=0.00838831450556026 ...................
[CV] c1=0.5160556959866659, c2=0.00838831450556026, score=0.868591 - 1.1s
[CV] c1=1.7122140999971878, c2=0.05658957314559598 ...................
[CV] c1=1.7122140999971878, c2=0.05658957314559598, score=0.693320 - 1.1s
[CV] c1=0.009613034807642702, c2=0.07925857169298134 .................
[CV] c1=0.009613034807642702, c2=0.07925857169298134, score=0.876457 - 0.8s
[CV] c1=0.20934163148847484, c2=5.972574594521125e-05 ................
[CV] c1=0.20934163148847484, c2=5.972574594521125e-05, score=0.842269 - 1.4s
[CV] c1=0.4088757117025328, c2=0.09168395187353322 ...................
[CV] c1=0.4088757117025328, c2=0.09168395187353322, score=0.825809 - 1.0s
[CV] c1=0.38466523790200696, c2=0.014294801698835725 .................
[CV] c1=0.38466523790200696, c2=0.014294801698835725, score=0.827517 - 0.9s
[CV] c1=1.7122140999971878, c2=0.05658957314559598 ...................
[CV] c1=1.7122140999971878, c2=0.05658957314559598, score=0.785357 - 1.0s
[CV] c1=0.009613034807642702, c2=0.07925857169298134 .................
[CV] c1=0.009613034807642702, c2=0.07925857169298134, score=0.859998 - 0.9s
[CV] c1=0.25680804182641076, c2=0.0023964124558177556 ................
[CV] c1=0.25680804182641076, c2=0.0023964124558177556, score=0.931576 - 1.2s
[CV] c1=0.12930688817551622, c2=0.07034964230848688 ..................
[CV] c1=0.12930688817551622, c2=0.07034964230848688, score=0.889676 - 1.1s
[CV] c1=0.4978424280676325, c2=0.20578681248358272 ...................
[CV] c1=0.4978424280676325, c2=0.20578681248358272, score=0.794238 - 1.1s
[CV] c1=0.02176968258286127, c2=0.02945484477062978 ..................
[CV] c1=0.02176968258286127, c2=0.02945484477062978, score=0.703530 - 1.1s
[CV] c1=0.1700832520653568, c2=0.028556204986796993 ..................
[CV] c1=0.1700832520653568, c2=0.028556204986796993, score=0.708368 - 1.1s
[CV] c1=0.25680804182641076, c2=0.0023964124558177556 ................
[CV] c1=0.25680804182641076, c2=0.0023964124558177556, score=0.858405 - 1.1s
[CV] c1=0.12930688817551622, c2=0.07034964230848688 ..................
[CV] c1=0.12930688817551622, c2=0.07034964230848688, score=0.683676 - 1.2s
[CV] c1=0.4978424280676325, c2=0.20578681248358272 ...................
[CV] c1=0.4978424280676325, c2=0.20578681248358272, score=0.852946 - 1.1s
[CV] c1=0.02176968258286127, c2=0.02945484477062978 ..................
[CV] c1=0.02176968258286127, c2=0.02945484477062978, score=0.859998 - 1.1s
[CV] c1=0.1700832520653568, c2=0.028556204986796993 ..................
[CV] c1=0.1700832520653568, c2=0.028556204986796993, score=0.862849 - 1.0s
[CV] c1=0.4946687667859687, c2=0.0542592515703674 ....................
[CV] c1=0.4946687667859687, c2=0.0542592515703674, score=0.804678 - 1.3s
[CV] c1=0.12930688817551622, c2=0.07034964230848688 ..................
[CV] c1=0.12930688817551622, c2=0.07034964230848688, score=0.857679 - 1.1s
[CV] c1=0.4978424280676325, c2=0.20578681248358272 ...................
[CV] c1=0.4978424280676325, c2=0.20578681248358272, score=0.619013 - 1.1s
[CV] c1=0.02176968258286127, c2=0.02945484477062978 ..................
[CV] c1=0.02176968258286127, c2=0.02945484477062978, score=0.799910 - 1.2s
[CV] c1=0.009613034807642702, c2=0.07925857169298134 .................
[CV] c1=0.009613034807642702, c2=0.07925857169298134, score=0.679174 - 1.0s
[CV] c1=0.28200022301003685, c2=0.0010305816691186325 ................
[CV] c1=0.28200022301003685, c2=0.0010305816691186325, score=0.892591 - 1.0s
[CV] c1=0.12930688817551622, c2=0.07034964230848688 ..................
[CV] c1=0.12930688817551622, c2=0.07034964230848688, score=0.794216 - 1.2s
[CV] c1=0.4978424280676325, c2=0.20578681248358272 ...................
[CV] c1=0.4978424280676325, c2=0.20578681248358272, score=0.780410 - 1.0s
[CV] c1=0.02176968258286127, c2=0.02945484477062978 ..................
[CV] c1=0.02176968258286127, c2=0.02945484477062978, score=0.883209 - 1.2s
[CV] c1=0.009613034807642702, c2=0.07925857169298134 .................
[CV] c1=0.009613034807642702, c2=0.07925857169298134, score=0.781269 - 1.0s
[CV] c1=0.20934163148847484, c2=5.972574594521125e-05 ................
[CV] c1=0.20934163148847484, c2=5.972574594521125e-05, score=0.899140 - 1.0s
[CV] c1=0.12930688817551622, c2=0.07034964230848688 ..................
[CV] c1=0.12930688817551622, c2=0.07034964230848688, score=0.824977 - 1.2s
[CV] c1=0.5160556959866659, c2=0.00838831450556026 ...................
[CV] c1=0.5160556959866659, c2=0.00838831450556026, score=0.708368 - 1.1s
[CV] c1=1.7122140999971878, c2=0.05658957314559598 ...................
[CV] c1=1.7122140999971878, c2=0.05658957314559598, score=0.829117 - 1.0s
[CV] c1=0.1700832520653568, c2=0.028556204986796993 ..................
[CV] c1=0.1700832520653568, c2=0.028556204986796993, score=0.931384 - 1.1s
[CV] c1=0.20934163148847484, c2=5.972574594521125e-05 ................
[CV] c1=0.20934163148847484, c2=5.972574594521125e-05, score=0.822899 - 1.4s
[CV] c1=0.08128668233823869, c2=0.015540324479165422 .................
[CV] c1=0.08128668233823869, c2=0.015540324479165422, score=0.930828 - 1.1s
[CV] c1=0.5160556959866659, c2=0.00838831450556026 ...................
[CV] c1=0.5160556959866659, c2=0.00838831450556026, score=0.920058 - 1.3s
[CV] c1=0.16523896983656627, c2=0.036164164069576 ....................
[CV] c1=0.16523896983656627, c2=0.036164164069576, score=0.857498 - 0.9s
[CV] c1=0.009613034807642702, c2=0.07925857169298134 .................
[CV] c1=0.009613034807642702, c2=0.07925857169298134, score=0.910520 - 0.9s
Training done in: 7.066632s
Saving training model...
Saving training model done in: 0.014236s
*********************************
Prediction done in: 0.026365s
-------------------------------- PARAMETERS --------------------------------
Path of training data set: /home/egaytan/automatic-extraction-growth-conditions/CRF/data-sets
File with training data set: training-data-set-70.txt
Path of test data set: /home/egaytan/automatic-extraction-growth-conditions/CRF/data-sets
File with test data set: test-data-set-30.txt
Exclude stop words: False
Levels: True False
Report file: _v11
Exclude symbols: False
-------------------------------- PROCESSING --------------------------------
Reading corpus...
Sentences training data: 286
Sentences test data: 123
Reading corpus done in: 0.003565s
-------------------------------- FEATURES --------------------------------
--------------------------Features Training ---------------------------
0 1
0 lemma 2
1 postag CD
2 -1:lemma fructose
3 -1:postag NN
4 hUpper False
5 hLower False
6 hGreek False
7 symb False
8 lemma[:1] 2
9 postag[:1] C
10 postag[:2] CD
--------------------------- FeaturesTest -----------------------------
0 1
0 lemma delta-arca
1 postag NN
2 -1:lemma _
3 -1:postag NN
4 +1:lemma _
5 +1:postag CD
6 hUpper True
7 hLower True
8 hGreek False
9 symb True
10 lemma[:1] d
11 postag[:1] N
12 lemma[:2] de
13 postag[:2] NN
Fitting 10 folds for each of 20 candidates, totalling 200 fits
[CV] c1=0.0861167403673638, c2=0.04828247009963213 ...................
[CV] c1=0.0861167403673638, c2=0.04828247009963213, score=0.896342 - 1.4s
[CV] c1=0.19109403616449935, c2=0.0010764561143359712 ................
[CV] c1=0.19109403616449935, c2=0.0010764561143359712, score=0.924267 - 1.2s
[CV] c1=0.6417792255119764, c2=0.055291444870536756 ..................
[CV] c1=0.6417792255119764, c2=0.055291444870536756, score=0.924608 - 1.4s
[CV] c1=1.0804138881567058, c2=0.02459855006208165 ...................
[CV] c1=1.0804138881567058, c2=0.02459855006208165, score=0.814051 - 1.4s
[CV] c1=1.5847200457248953, c2=0.006014325493850365 ..................
[CV] c1=1.5847200457248953, c2=0.006014325493850365, score=0.867984 - 1.3s
[CV] c1=0.11358491196479957, c2=0.07461322610286401 ..................
[CV] c1=0.11358491196479957, c2=0.07461322610286401, score=0.768346 - 1.5s
[CV] c1=0.7033458837225772, c2=0.02974788560801502 ...................
[CV] c1=0.7033458837225772, c2=0.02974788560801502, score=0.885181 - 1.6s
[CV] c1=1.49287494311989, c2=0.05403116080542014 .....................
[CV] c1=1.49287494311989, c2=0.05403116080542014, score=0.889263 - 1.5s
[CV] c1=0.6478044566379584, c2=0.002961554846996858 ..................
[CV] c1=0.6478044566379584, c2=0.002961554846996858, score=0.869411 - 1.6s
[CV] c1=0.11358491196479957, c2=0.07461322610286401 ..................
[CV] c1=0.11358491196479957, c2=0.07461322610286401, score=0.896342 - 1.5s
[CV] c1=0.7033458837225772, c2=0.02974788560801502 ...................
[CV] c1=0.7033458837225772, c2=0.02974788560801502, score=0.807845 - 1.6s
[CV] c1=1.0804138881567058, c2=0.02459855006208165 ...................
[CV] c1=1.0804138881567058, c2=0.02459855006208165, score=0.726535 - 1.4s
[CV] c1=1.5847200457248953, c2=0.006014325493850365 ..................
[CV] c1=1.5847200457248953, c2=0.006014325493850365, score=0.688144 - 1.6s
[CV] c1=0.7920601040963161, c2=0.07895815842200327 ...................
[CV] c1=0.7920601040963161, c2=0.07895815842200327, score=0.939372 - 1.5s
[CV] c1=0.19109403616449935, c2=0.0010764561143359712 ................
[CV] c1=0.19109403616449935, c2=0.0010764561143359712, score=0.745590 - 1.4s
[CV] c1=0.7398050605125945, c2=0.05046057309258661 ...................
[CV] c1=0.7398050605125945, c2=0.05046057309258661, score=0.859656 - 1.3s
[CV] c1=2.7077934374074655, c2=0.11493498577823619 ...................
[CV] c1=2.7077934374074655, c2=0.11493498577823619, score=0.668205 - 1.2s
[CV] c1=1.5847200457248953, c2=0.006014325493850365 ..................
[CV] c1=1.5847200457248953, c2=0.006014325493850365, score=0.836822 - 1.2s
[CV] c1=0.0861167403673638, c2=0.04828247009963213 ...................
[CV] c1=0.0861167403673638, c2=0.04828247009963213, score=0.796207 - 1.4s
[CV] c1=0.19109403616449935, c2=0.0010764561143359712 ................
[CV] c1=0.19109403616449935, c2=0.0010764561143359712, score=0.826447 - 1.2s
[CV] c1=0.6417792255119764, c2=0.055291444870536756 ..................
[CV] c1=0.6417792255119764, c2=0.055291444870536756, score=0.878690 - 1.4s
[CV] c1=1.0804138881567058, c2=0.02459855006208165 ...................
[CV] c1=1.0804138881567058, c2=0.02459855006208165, score=0.800403 - 1.4s
[CV] c1=1.5847200457248953, c2=0.006014325493850365 ..................
[CV] c1=1.5847200457248953, c2=0.006014325493850365, score=0.790879 - 1.4s
[CV] c1=0.0861167403673638, c2=0.04828247009963213 ...................
[CV] c1=0.0861167403673638, c2=0.04828247009963213, score=0.884837 - 1.4s
[CV] c1=0.19109403616449935, c2=0.0010764561143359712 ................
[CV] c1=0.19109403616449935, c2=0.0010764561143359712, score=0.914124 - 1.3s
[CV] c1=0.7398050605125945, c2=0.05046057309258661 ...................
[CV] c1=0.7398050605125945, c2=0.05046057309258661, score=0.751364 - 1.3s
[CV] c1=1.0804138881567058, c2=0.02459855006208165 ...................
[CV] c1=1.0804138881567058, c2=0.02459855006208165, score=0.857689 - 1.5s
[CV] c1=1.5847200457248953, c2=0.006014325493850365 ..................
[CV] c1=1.5847200457248953, c2=0.006014325493850365, score=0.856261 - 1.4s
[CV] c1=0.7920601040963161, c2=0.07895815842200327 ...................
[CV] c1=0.7920601040963161, c2=0.07895815842200327, score=0.735586 - 1.5s
[CV] c1=0.08407572754540328, c2=0.009478896359475734 .................
[CV] c1=0.08407572754540328, c2=0.009478896359475734, score=0.914124 - 1.0s
[CV] c1=0.6417792255119764, c2=0.055291444870536756 ..................
[CV] c1=0.6417792255119764, c2=0.055291444870536756, score=0.773694 - 1.3s
[CV] c1=1.49287494311989, c2=0.05403116080542014 .....................
[CV] c1=1.49287494311989, c2=0.05403116080542014, score=0.761785 - 1.7s
[CV] c1=1.5847200457248953, c2=0.006014325493850365 ..................
[CV] c1=1.5847200457248953, c2=0.006014325493850365, score=0.546879 - 1.7s
[CV] c1=0.0861167403673638, c2=0.04828247009963213 ...................
[CV] c1=0.0861167403673638, c2=0.04828247009963213, score=0.935664 - 1.4s
[CV] c1=0.19109403616449935, c2=0.0010764561143359712 ................
[CV] c1=0.19109403616449935, c2=0.0010764561143359712, score=0.939675 - 1.4s
[CV] c1=0.004178967435122849, c2=0.09079861448733734 .................
[CV] c1=0.004178967435122849, c2=0.09079861448733734, score=0.881870 - 1.5s
[CV] c1=0.020561906935503537, c2=0.058243167770064976 ................
[CV] c1=0.020561906935503537, c2=0.058243167770064976, score=0.826784 - 1.2s
[CV] c1=0.1388422147182745, c2=0.019507314290179247 ..................
[CV] c1=0.1388422147182745, c2=0.019507314290179247, score=0.823347 - 1.3s
[CV] c1=1.3822985394905212, c2=0.018122887822950486 ..................
[CV] c1=1.3822985394905212, c2=0.018122887822950486, score=0.591566 - 1.3s
[CV] c1=0.19109403616449935, c2=0.0010764561143359712 ................
[CV] c1=0.19109403616449935, c2=0.0010764561143359712, score=0.845585 - 1.3s
[CV] c1=0.7398050605125945, c2=0.05046057309258661 ...................
[CV] c1=0.7398050605125945, c2=0.05046057309258661, score=0.891072 - 1.4s
[CV] c1=2.7077934374074655, c2=0.11493498577823619 ...................
[CV] c1=2.7077934374074655, c2=0.11493498577823619, score=0.755838 - 1.3s
[CV] c1=0.1388422147182745, c2=0.019507314290179247 ..................
[CV] c1=0.1388422147182745, c2=0.019507314290179247, score=0.850014 - 1.3s
[CV] c1=0.0861167403673638, c2=0.04828247009963213 ...................
[CV] c1=0.0861167403673638, c2=0.04828247009963213, score=0.830232 - 1.3s
[CV] c1=0.19109403616449935, c2=0.0010764561143359712 ................
[CV] c1=0.19109403616449935, c2=0.0010764561143359712, score=0.847686 - 1.4s
[CV] c1=0.7398050605125945, c2=0.05046057309258661 ...................
[CV] c1=0.7398050605125945, c2=0.05046057309258661, score=0.806456 - 1.5s
[CV] c1=2.7077934374074655, c2=0.11493498577823619 ...................
[CV] c1=2.7077934374074655, c2=0.11493498577823619, score=0.726728 - 1.4s
[CV] c1=0.1388422147182745, c2=0.019507314290179247 ..................
[CV] c1=0.1388422147182745, c2=0.019507314290179247, score=0.860459 - 1.2s
[CV] c1=0.7920601040963161, c2=0.07895815842200327 ...................
[CV] c1=0.7920601040963161, c2=0.07895815842200327, score=0.840020 - 1.4s
[CV] c1=0.08407572754540328, c2=0.009478896359475734 .................
[CV] c1=0.08407572754540328, c2=0.009478896359475734, score=0.912280 - 1.3s
[CV] c1=0.6417792255119764, c2=0.055291444870536756 ..................
[CV] c1=0.6417792255119764, c2=0.055291444870536756, score=0.908551 - 1.4s
[CV] c1=1.0804138881567058, c2=0.02459855006208165 ...................
[CV] c1=1.0804138881567058, c2=0.02459855006208165, score=0.900097 - 1.4s
[CV] c1=1.5847200457248953, c2=0.006014325493850365 ..................
[CV] c1=1.5847200457248953, c2=0.006014325493850365, score=0.880185 - 1.6s
[CV] c1=0.7920601040963161, c2=0.07895815842200327 ...................
[CV] c1=0.7920601040963161, c2=0.07895815842200327, score=0.802723 - 1.4s
[CV] c1=0.08407572754540328, c2=0.009478896359475734 .................
[CV] c1=0.08407572754540328, c2=0.009478896359475734, score=0.845585 - 1.3s
[CV] c1=0.6417792255119764, c2=0.055291444870536756 ..................
[CV] c1=0.6417792255119764, c2=0.055291444870536756, score=0.891072 - 1.5s
[CV] c1=1.0804138881567058, c2=0.02459855006208165 ...................
[CV] c1=1.0804138881567058, c2=0.02459855006208165, score=0.918264 - 1.6s
[CV] c1=0.1388422147182745, c2=0.019507314290179247 ..................
[CV] c1=0.1388422147182745, c2=0.019507314290179247, score=0.914124 - 1.3s
[CV] c1=1.3822985394905212, c2=0.018122887822950486 ..................
[CV] c1=1.3822985394905212, c2=0.018122887822950486, score=0.867984 - 1.3s
[CV] c1=0.3175148951065869, c2=0.037005562427169 .....................
[CV] c1=0.3175148951065869, c2=0.037005562427169, score=0.827976 - 1.3s
[CV] c1=0.7398050605125945, c2=0.05046057309258661 ...................
[CV] c1=0.7398050605125945, c2=0.05046057309258661, score=0.939372 - 1.4s
[CV] c1=2.7077934374074655, c2=0.11493498577823619 ...................
[CV] c1=2.7077934374074655, c2=0.11493498577823619, score=0.853551 - 1.4s
[CV] c1=0.1388422147182745, c2=0.019507314290179247 ..................
[CV] c1=0.1388422147182745, c2=0.019507314290179247, score=0.897553 - 1.3s
[CV] c1=0.7920601040963161, c2=0.07895815842200327 ...................
[CV] c1=0.7920601040963161, c2=0.07895815842200327, score=0.806456 - 1.4s
[CV] c1=0.08407572754540328, c2=0.009478896359475734 .................
[CV] c1=0.08407572754540328, c2=0.009478896359475734, score=0.916493 - 1.4s
[CV] c1=0.6417792255119764, c2=0.055291444870536756 ..................
[CV] c1=0.6417792255119764, c2=0.055291444870536756, score=0.853411 - 1.4s
[CV] c1=1.0804138881567058, c2=0.02459855006208165 ...................
[CV] c1=1.0804138881567058, c2=0.02459855006208165, score=0.852407 - 1.5s
[CV] c1=1.5847200457248953, c2=0.006014325493850365 ..................
[CV] c1=1.5847200457248953, c2=0.006014325493850365, score=0.736415 - 1.5s
[CV] c1=0.11358491196479957, c2=0.07461322610286401 ..................
[CV] c1=0.11358491196479957, c2=0.07461322610286401, score=0.826784 - 1.3s
[CV] c1=0.3175148951065869, c2=0.037005562427169 .....................
[CV] c1=0.3175148951065869, c2=0.037005562427169, score=0.831922 - 1.5s
[CV] c1=0.004178967435122849, c2=0.09079861448733734 .................
[CV] c1=0.004178967435122849, c2=0.09079861448733734, score=0.839590 - 1.3s
[CV] c1=0.020561906935503537, c2=0.058243167770064976 ................
[CV] c1=0.020561906935503537, c2=0.058243167770064976, score=0.768346 - 1.3s
[CV] c1=0.1388422147182745, c2=0.019507314290179247 ..................
[CV] c1=0.1388422147182745, c2=0.019507314290179247, score=0.845585 - 1.2s
[CV] c1=0.7920601040963161, c2=0.07895815842200327 ...................
[CV] c1=0.7920601040963161, c2=0.07895815842200327, score=0.885181 - 1.5s
[CV] c1=0.19109403616449935, c2=0.0010764561143359712 ................
[CV] c1=0.19109403616449935, c2=0.0010764561143359712, score=0.849959 - 1.4s
[CV] c1=0.7398050605125945, c2=0.05046057309258661 ...................
[CV] c1=0.7398050605125945, c2=0.05046057309258661, score=0.899678 - 1.3s
[CV] c1=2.7077934374074655, c2=0.11493498577823619 ...................
[CV] c1=2.7077934374074655, c2=0.11493498577823619, score=0.530224 - 1.4s
[CV] c1=0.1388422147182745, c2=0.019507314290179247 ..................
[CV] c1=0.1388422147182745, c2=0.019507314290179247, score=0.741087 - 1.4s
[CV] c1=0.11358491196479957, c2=0.07461322610286401 ..................
[CV] c1=0.11358491196479957, c2=0.07461322610286401, score=0.890597 - 1.4s
[CV] c1=0.7033458837225772, c2=0.02974788560801502 ...................
[CV] c1=0.7033458837225772, c2=0.02974788560801502, score=0.728849 - 1.5s
[CV] c1=1.49287494311989, c2=0.05403116080542014 .....................
[CV] c1=1.49287494311989, c2=0.05403116080542014, score=0.889041 - 1.0s
[CV] c1=2.7077934374074655, c2=0.11493498577823619 ...................
[CV] c1=2.7077934374074655, c2=0.11493498577823619, score=0.706265 - 1.4s
[CV] c1=0.1388422147182745, c2=0.019507314290179247 ..................
[CV] c1=0.1388422147182745, c2=0.019507314290179247, score=0.924267 - 1.2s
[CV] c1=0.0861167403673638, c2=0.04828247009963213 ...................
[CV] c1=0.0861167403673638, c2=0.04828247009963213, score=0.826784 - 1.2s
[CV] c1=0.08407572754540328, c2=0.009478896359475734 .................
[CV] c1=0.08407572754540328, c2=0.009478896359475734, score=0.840177 - 1.5s
[CV] c1=0.7398050605125945, c2=0.05046057309258661 ...................
[CV] c1=0.7398050605125945, c2=0.05046057309258661, score=0.739247 - 1.6s
[CV] c1=2.7077934374074655, c2=0.11493498577823619 ...................
[CV] c1=2.7077934374074655, c2=0.11493498577823619, score=0.709882 - 1.2s
[CV] c1=1.5847200457248953, c2=0.006014325493850365 ..................
[CV] c1=1.5847200457248953, c2=0.006014325493850365, score=0.889263 - 1.5s
[CV] c1=0.7920601040963161, c2=0.07895815842200327 ...................
[CV] c1=0.7920601040963161, c2=0.07895815842200327, score=0.672608 - 1.4s
[CV] c1=0.08407572754540328, c2=0.009478896359475734 .................
[CV] c1=0.08407572754540328, c2=0.009478896359475734, score=0.860459 - 1.4s
[CV] c1=0.6417792255119764, c2=0.055291444870536756 ..................
[CV] c1=0.6417792255119764, c2=0.055291444870536756, score=0.807845 - 1.5s
[CV] c1=2.7077934374074655, c2=0.11493498577823619 ...................
[CV] c1=2.7077934374074655, c2=0.11493498577823619, score=0.706226 - 1.5s
[CV] c1=0.1388422147182745, c2=0.019507314290179247 ..................
[CV] c1=0.1388422147182745, c2=0.019507314290179247, score=0.796207 - 1.4s
[CV] c1=1.3822985394905212, c2=0.018122887822950486 ..................
[CV] c1=1.3822985394905212, c2=0.018122887822950486, score=0.805762 - 1.5s
[CV] c1=0.7033458837225772, c2=0.02974788560801502 ...................
[CV] c1=0.7033458837225772, c2=0.02974788560801502, score=0.801168 - 1.4s
[CV] c1=1.49287494311989, c2=0.05403116080542014 .....................
[CV] c1=1.49287494311989, c2=0.05403116080542014, score=0.790879 - 1.4s
[CV] c1=0.6478044566379584, c2=0.002961554846996858 ..................
[CV] c1=0.6478044566379584, c2=0.002961554846996858, score=0.741087 - 1.2s
[CV] c1=0.09054223875215395, c2=0.0023518182968725273 ................
[CV] c1=0.09054223875215395, c2=0.0023518182968725273, score=0.936198 - 1.2s
[CV] c1=1.3822985394905212, c2=0.018122887822950486 ..................
[CV] c1=1.3822985394905212, c2=0.018122887822950486, score=0.836822 - 1.4s
[CV] c1=0.3175148951065869, c2=0.037005562427169 .....................
[CV] c1=0.3175148951065869, c2=0.037005562427169, score=0.880765 - 1.2s
[CV] c1=0.004178967435122849, c2=0.09079861448733734 .................
[CV] c1=0.004178967435122849, c2=0.09079861448733734, score=0.820017 - 1.3s
[CV] c1=0.020561906935503537, c2=0.058243167770064976 ................
[CV] c1=0.020561906935503537, c2=0.058243167770064976, score=0.906023 - 1.5s
[CV] c1=0.09054223875215395, c2=0.0023518182968725273 ................
[CV] c1=0.09054223875215395, c2=0.0023518182968725273, score=0.830019 - 1.3s
[CV] c1=0.11358491196479957, c2=0.07461322610286401 ..................
[CV] c1=0.11358491196479957, c2=0.07461322610286401, score=0.839590 - 1.3s
[CV] c1=0.7033458837225772, c2=0.02974788560801502 ...................
[CV] c1=0.7033458837225772, c2=0.02974788560801502, score=0.735586 - 1.5s
[CV] c1=1.49287494311989, c2=0.05403116080542014 .....................
[CV] c1=1.49287494311989, c2=0.05403116080542014, score=0.573609 - 1.4s
[CV] c1=0.6478044566379584, c2=0.002961554846996858 ..................
[CV] c1=0.6478044566379584, c2=0.002961554846996858, score=0.801075 - 1.3s
[CV] c1=0.09054223875215395, c2=0.0023518182968725273 ................
[CV] c1=0.09054223875215395, c2=0.0023518182968725273, score=0.893806 - 1.1s
[CV] c1=1.3822985394905212, c2=0.018122887822950486 ..................
[CV] c1=1.3822985394905212, c2=0.018122887822950486, score=0.889041 - 1.3s
[CV] c1=0.3175148951065869, c2=0.037005562427169 .....................
[CV] c1=0.3175148951065869, c2=0.037005562427169, score=0.822297 - 1.3s
[CV] c1=0.7398050605125945, c2=0.05046057309258661 ...................
[CV] c1=0.7398050605125945, c2=0.05046057309258661, score=0.844665 - 1.3s
[CV] c1=2.7077934374074655, c2=0.11493498577823619 ...................
[CV] c1=2.7077934374074655, c2=0.11493498577823619, score=0.613393 - 1.6s
[CV] c1=0.09054223875215395, c2=0.0023518182968725273 ................
[CV] c1=0.09054223875215395, c2=0.0023518182968725273, score=0.905986 - 1.4s
[CV] c1=0.7920601040963161, c2=0.07895815842200327 ...................
[CV] c1=0.7920601040963161, c2=0.07895815842200327, score=0.765595 - 1.0s
[CV] c1=0.08407572754540328, c2=0.009478896359475734 .................
[CV] c1=0.08407572754540328, c2=0.009478896359475734, score=0.866785 - 1.5s
[CV] c1=0.6417792255119764, c2=0.055291444870536756 ..................
[CV] c1=0.6417792255119764, c2=0.055291444870536756, score=0.736570 - 1.7s
[CV] c1=1.0804138881567058, c2=0.02459855006208165 ...................
[CV] c1=1.0804138881567058, c2=0.02459855006208165, score=0.862239 - 1.9s
[CV] c1=0.1388422147182745, c2=0.019507314290179247 ..................
[CV] c1=0.1388422147182745, c2=0.019507314290179247, score=0.926835 - 1.4s
[CV] c1=1.3822985394905212, c2=0.018122887822950486 ..................
[CV] c1=1.3822985394905212, c2=0.018122887822950486, score=0.903487 - 1.4s
[CV] c1=0.3175148951065869, c2=0.037005562427169 .....................
[CV] c1=0.3175148951065869, c2=0.037005562427169, score=0.820852 - 1.4s
[CV] c1=0.004178967435122849, c2=0.09079861448733734 .................
[CV] c1=0.004178967435122849, c2=0.09079861448733734, score=0.897652 - 1.4s
[CV] c1=0.020561906935503537, c2=0.058243167770064976 ................
[CV] c1=0.020561906935503537, c2=0.058243167770064976, score=0.845585 - 1.4s
[CV] c1=0.09054223875215395, c2=0.0023518182968725273 ................
[CV] c1=0.09054223875215395, c2=0.0023518182968725273, score=0.845585 - 1.4s
[CV] c1=1.3822985394905212, c2=0.018122887822950486 ..................
[CV] c1=1.3822985394905212, c2=0.018122887822950486, score=0.718760 - 1.5s
[CV] c1=0.3175148951065869, c2=0.037005562427169 .....................
[CV] c1=0.3175148951065869, c2=0.037005562427169, score=0.914124 - 1.3s
[CV] c1=0.004178967435122849, c2=0.09079861448733734 .................
[CV] c1=0.004178967435122849, c2=0.09079861448733734, score=0.823347 - 1.5s
[CV] c1=0.020561906935503537, c2=0.058243167770064976 ................
[CV] c1=0.020561906935503537, c2=0.058243167770064976, score=0.820017 - 1.5s
[CV] c1=0.09054223875215395, c2=0.0023518182968725273 ................
[CV] c1=0.09054223875215395, c2=0.0023518182968725273, score=0.914124 - 1.3s
[CV] c1=0.0861167403673638, c2=0.04828247009963213 ...................
[CV] c1=0.0861167403673638, c2=0.04828247009963213, score=0.914124 - 1.3s
[CV] c1=0.08407572754540328, c2=0.009478896359475734 .................
[CV] c1=0.08407572754540328, c2=0.009478896359475734, score=0.935664 - 1.5s
[CV] c1=0.7398050605125945, c2=0.05046057309258661 ...................
[CV] c1=0.7398050605125945, c2=0.05046057309258661, score=0.735583 - 1.4s
[CV] c1=2.7077934374074655, c2=0.11493498577823619 ...................
[CV] c1=2.7077934374074655, c2=0.11493498577823619, score=0.621203 - 1.7s
[CV] c1=0.09054223875215395, c2=0.0023518182968725273 ................
[CV] c1=0.09054223875215395, c2=0.0023518182968725273, score=0.819458 - 1.3s
[CV] c1=0.0861167403673638, c2=0.04828247009963213 ...................
[CV] c1=0.0861167403673638, c2=0.04828247009963213, score=0.845585 - 1.4s
[CV] c1=0.3175148951065869, c2=0.037005562427169 .....................
[CV] c1=0.3175148951065869, c2=0.037005562427169, score=0.741087 - 1.4s
[CV] c1=0.004178967435122849, c2=0.09079861448733734 .................
[CV] c1=0.004178967435122849, c2=0.09079861448733734, score=0.909411 - 1.5s
[CV] c1=0.020561906935503537, c2=0.058243167770064976 ................
[CV] c1=0.020561906935503537, c2=0.058243167770064976, score=0.839590 - 1.4s
[CV] c1=0.09054223875215395, c2=0.0023518182968725273 ................
[CV] c1=0.09054223875215395, c2=0.0023518182968725273, score=0.872053 - 1.4s
[CV] c1=0.0861167403673638, c2=0.04828247009963213 ...................
[CV] c1=0.0861167403673638, c2=0.04828247009963213, score=0.768346 - 1.4s
[CV] c1=0.19109403616449935, c2=0.0010764561143359712 ................
[CV] c1=0.19109403616449935, c2=0.0010764561143359712, score=0.862696 - 1.4s
[CV] c1=0.7398050605125945, c2=0.05046057309258661 ...................
[CV] c1=0.7398050605125945, c2=0.05046057309258661, score=0.807845 - 1.7s
[CV] c1=0.020561906935503537, c2=0.058243167770064976 ................
[CV] c1=0.020561906935503537, c2=0.058243167770064976, score=0.872150 - 1.6s
[CV] c1=0.09054223875215395, c2=0.0023518182968725273 ................
[CV] c1=0.09054223875215395, c2=0.0023518182968725273, score=0.935664 - 1.3s
[CV] c1=1.3822985394905212, c2=0.018122887822950486 ..................
[CV] c1=1.3822985394905212, c2=0.018122887822950486, score=0.715337 - 1.3s
[CV] c1=0.19109403616449935, c2=0.0010764561143359712 ................
[CV] c1=0.19109403616449935, c2=0.0010764561143359712, score=0.905256 - 1.5s
[CV] c1=0.004178967435122849, c2=0.09079861448733734 .................
[CV] c1=0.004178967435122849, c2=0.09079861448733734, score=0.768346 - 1.5s
[CV] c1=0.020561906935503537, c2=0.058243167770064976 ................
[CV] c1=0.020561906935503537, c2=0.058243167770064976, score=0.909411 - 1.4s
[CV] c1=0.09054223875215395, c2=0.0023518182968725273 ................
[CV] c1=0.09054223875215395, c2=0.0023518182968725273, score=0.741087 - 1.4s
[CV] c1=0.11358491196479957, c2=0.07461322610286401 ..................
[CV] c1=0.11358491196479957, c2=0.07461322610286401, score=0.796207 - 1.5s
[CV] c1=0.7033458837225772, c2=0.02974788560801502 ...................
[CV] c1=0.7033458837225772, c2=0.02974788560801502, score=0.878690 - 1.4s
[CV] c1=1.49287494311989, c2=0.05403116080542014 .....................
[CV] c1=1.49287494311989, c2=0.05403116080542014, score=0.833201 - 1.5s
[CV] c1=0.6478044566379584, c2=0.002961554846996858 ..................
[CV] c1=0.6478044566379584, c2=0.002961554846996858, score=0.891072 - 1.4s
[CV] c1=0.6322742654390535, c2=0.009349248677093488 ..................
[CV] c1=0.6322742654390535, c2=0.009349248677093488, score=0.836882 - 1.2s
[CV] c1=1.3822985394905212, c2=0.018122887822950486 ..................
[CV] c1=1.3822985394905212, c2=0.018122887822950486, score=0.839313 - 1.5s
[CV] c1=0.3175148951065869, c2=0.037005562427169 .....................
[CV] c1=0.3175148951065869, c2=0.037005562427169, score=0.936836 - 1.4s
[CV] c1=0.004178967435122849, c2=0.09079861448733734 .................
[CV] c1=0.004178967435122849, c2=0.09079861448733734, score=0.845585 - 1.5s
[CV] c1=0.6478044566379584, c2=0.002961554846996858 ..................
[CV] c1=0.6478044566379584, c2=0.002961554846996858, score=0.745538 - 1.7s
[CV] c1=0.6322742654390535, c2=0.009349248677093488 ..................
[CV] c1=0.6322742654390535, c2=0.009349248677093488, score=0.918303 - 1.1s
[CV] c1=0.7920601040963161, c2=0.07895815842200327 ...................
[CV] c1=0.7920601040963161, c2=0.07895815842200327, score=0.833121 - 1.3s
[CV] c1=0.08407572754540328, c2=0.009478896359475734 .................
[CV] c1=0.08407572754540328, c2=0.009478896359475734, score=0.741087 - 1.2s
[CV] c1=0.6417792255119764, c2=0.055291444870536756 ..................
[CV] c1=0.6417792255119764, c2=0.055291444870536756, score=0.801168 - 1.5s
[CV] c1=1.0804138881567058, c2=0.02459855006208165 ...................
[CV] c1=1.0804138881567058, c2=0.02459855006208165, score=0.678722 - 1.3s
[CV] c1=1.5847200457248953, c2=0.006014325493850365 ..................
[CV] c1=1.5847200457248953, c2=0.006014325493850365, score=0.718760 - 1.4s
[CV] c1=0.6322742654390535, c2=0.009349248677093488 ..................
[CV] c1=0.6322742654390535, c2=0.009349248677093488, score=0.807845 - 0.9s
[CV] c1=0.11358491196479957, c2=0.07461322610286401 ..................
[CV] c1=0.11358491196479957, c2=0.07461322610286401, score=0.924267 - 1.3s
[CV] c1=0.7033458837225772, c2=0.02974788560801502 ...................
[CV] c1=0.7033458837225772, c2=0.02974788560801502, score=0.899844 - 1.3s
[CV] c1=1.49287494311989, c2=0.05403116080542014 .....................
[CV] c1=1.49287494311989, c2=0.05403116080542014, score=0.718760 - 1.6s
[CV] c1=0.6478044566379584, c2=0.002961554846996858 ..................
[CV] c1=0.6478044566379584, c2=0.002961554846996858, score=0.918303 - 1.4s
[CV] c1=0.6322742654390535, c2=0.009349248677093488 ..................
[CV] c1=0.6322742654390535, c2=0.009349248677093488, score=0.793667 - 1.3s
[CV] c1=0.0861167403673638, c2=0.04828247009963213 ...................
[CV] c1=0.0861167403673638, c2=0.04828247009963213, score=0.919031 - 1.5s
[CV] c1=0.3175148951065869, c2=0.037005562427169 .....................
[CV] c1=0.3175148951065869, c2=0.037005562427169, score=0.848615 - 1.4s
[CV] c1=0.004178967435122849, c2=0.09079861448733734 .................
[CV] c1=0.004178967435122849, c2=0.09079861448733734, score=0.872150 - 1.5s
[CV] c1=0.020561906935503537, c2=0.058243167770064976 ................
[CV] c1=0.020561906935503537, c2=0.058243167770064976, score=0.897652 - 1.6s
[CV] c1=0.6322742654390535, c2=0.009349248677093488 ..................
[CV] c1=0.6322742654390535, c2=0.009349248677093488, score=0.791968 - 1.2s
[CV] c1=1.3822985394905212, c2=0.018122887822950486 ..................
[CV] c1=1.3822985394905212, c2=0.018122887822950486, score=0.790879 - 1.4s
[CV] c1=0.3175148951065869, c2=0.037005562427169 .....................
[CV] c1=0.3175148951065869, c2=0.037005562427169, score=0.946103 - 1.6s
[CV] c1=1.49287494311989, c2=0.05403116080542014 .....................
[CV] c1=1.49287494311989, c2=0.05403116080542014, score=0.688144 - 1.3s
[CV] c1=0.020561906935503537, c2=0.058243167770064976 ................
[CV] c1=0.020561906935503537, c2=0.058243167770064976, score=0.926835 - 1.6s
[CV] c1=0.6322742654390535, c2=0.009349248677093488 ..................
[CV] c1=0.6322742654390535, c2=0.009349248677093488, score=0.735583 - 1.3s
[CV] c1=0.11358491196479957, c2=0.07461322610286401 ..................
[CV] c1=0.11358491196479957, c2=0.07461322610286401, score=0.927877 - 1.6s
[CV] c1=0.7033458837225772, c2=0.02974788560801502 ...................
[CV] c1=0.7033458837225772, c2=0.02974788560801502, score=0.939372 - 1.4s
[CV] c1=1.49287494311989, c2=0.05403116080542014 .....................
[CV] c1=1.49287494311989, c2=0.05403116080542014, score=0.836822 - 1.3s
[CV] c1=0.6478044566379584, c2=0.002961554846996858 ..................
[CV] c1=0.6478044566379584, c2=0.002961554846996858, score=0.878690 - 1.6s
[CV] c1=0.6322742654390535, c2=0.009349248677093488 ..................
[CV] c1=0.6322742654390535, c2=0.009349248677093488, score=0.891072 - 1.1s
[CV] c1=0.11358491196479957, c2=0.07461322610286401 ..................
[CV] c1=0.11358491196479957, c2=0.07461322610286401, score=0.914124 - 1.3s
[CV] c1=0.7033458837225772, c2=0.02974788560801502 ...................
[CV] c1=0.7033458837225772, c2=0.02974788560801502, score=0.756130 - 1.4s
[CV] c1=0.004178967435122849, c2=0.09079861448733734 .................
[CV] c1=0.004178967435122849, c2=0.09079861448733734, score=0.920610 - 1.5s
[CV] c1=0.6478044566379584, c2=0.002961554846996858 ..................
[CV] c1=0.6478044566379584, c2=0.002961554846996858, score=0.801168 - 1.6s
[CV] c1=0.6322742654390535, c2=0.009349248677093488 ..................
[CV] c1=0.6322742654390535, c2=0.009349248677093488, score=0.878690 - 1.2s
[CV] c1=0.7920601040963161, c2=0.07895815842200327 ...................
[CV] c1=0.7920601040963161, c2=0.07895815842200327, score=0.900097 - 1.3s
[CV] c1=0.08407572754540328, c2=0.009478896359475734 .................
[CV] c1=0.08407572754540328, c2=0.009478896359475734, score=0.826784 - 1.2s
[CV] c1=0.6417792255119764, c2=0.055291444870536756 ..................
[CV] c1=0.6417792255119764, c2=0.055291444870536756, score=0.735583 - 1.5s
[CV] c1=1.0804138881567058, c2=0.02459855006208165 ...................
[CV] c1=1.0804138881567058, c2=0.02459855006208165, score=0.765646 - 1.3s
[CV] c1=0.6478044566379584, c2=0.002961554846996858 ..................
[CV] c1=0.6478044566379584, c2=0.002961554846996858, score=0.816050 - 1.5s
[CV] c1=0.6322742654390535, c2=0.009349248677093488 ..................
[CV] c1=0.6322742654390535, c2=0.009349248677093488, score=0.869411 - 1.1s
Training done in: 9.362880s
Saving training model...
Saving training model done in: 0.013935s
*********************************
Prediction done in: 0.035958s
-------------------------------- PARAMETERS --------------------------------
Path of training data set: /home/egaytan/automatic-extraction-growth-conditions/CRF/data-sets
File with training data set: training-data-set-70.txt
Path of test data set: /home/egaytan/automatic-extraction-growth-conditions/CRF/data-sets
File with test data set: test-data-set-30.txt
Exclude stop words: False
Levels: False True
Report file: _v11
Exclude symbols: False
-------------------------------- PROCESSING --------------------------------
Reading corpus...
Sentences training data: 286
Sentences test data: 123
Reading corpus done in: 0.003641s
-------------------------------- FEATURES --------------------------------
--------------------------Features Training ---------------------------
0 1
0 lemma 2
1 postag CD
2 -1:lemma fructose
3 -1:postag NN
4 word 2
5 isUpper False
6 isLower False
7 isGreek False
8 isNumber True
9 -1:word fructose
--------------------------- FeaturesTest -----------------------------
0 1
0 lemma delta-arca
1 postag NN
2 -1:lemma _
3 -1:postag NN
4 +1:lemma _
5 +1:postag CD
6 word delta-arcA
7 isUpper False
8 isLower False
9 isGreek False
10 isNumber False
11 -1:word _
12 +1:word _
Fitting 10 folds for each of 20 candidates, totalling 200 fits
[CV] c1=0.23106473162087696, c2=0.015694520156649943 .................
[CV] c1=0.23106473162087696, c2=0.015694520156649943, score=0.908106 - 1.6s
[CV] c1=0.11486416926458794, c2=0.02680674100354409 ..................
[CV] c1=0.11486416926458794, c2=0.02680674100354409, score=0.920093 - 1.3s
[CV] c1=1.1984741556968186, c2=0.05653817320378769 ...................
[CV] c1=1.1984741556968186, c2=0.05653817320378769, score=0.849130 - 1.6s
[CV] c1=2.593347208872597, c2=0.012299824833226647 ...................
[CV] c1=2.593347208872597, c2=0.012299824833226647, score=0.853878 - 1.5s
[CV] c1=0.022102126823387226, c2=0.06924520730038973 .................
[CV] c1=0.022102126823387226, c2=0.06924520730038973, score=0.852298 - 1.2s
[CV] c1=0.6378651675797636, c2=0.013941131343344033 ..................
[CV] c1=0.6378651675797636, c2=0.013941131343344033, score=0.863495 - 1.2s
[CV] c1=0.20126118928313821, c2=0.08056323897622286 ..................
[CV] c1=0.20126118928313821, c2=0.08056323897622286, score=0.918743 - 1.3s
[CV] c1=0.3861841949004038, c2=0.03323132379303178 ...................
[CV] c1=0.3861841949004038, c2=0.03323132379303178, score=0.935722 - 1.4s
[CV] c1=0.017720414748734287, c2=0.14805811330028124 .................
[CV] c1=0.017720414748734287, c2=0.14805811330028124, score=0.923212 - 1.3s
[CV] c1=0.30533486314094455, c2=0.0914754586936966 ...................
[CV] c1=0.30533486314094455, c2=0.0914754586936966, score=0.794216 - 1.3s
[CV] c1=0.6378651675797636, c2=0.013941131343344033 ..................
[CV] c1=0.6378651675797636, c2=0.013941131343344033, score=0.773435 - 1.2s
[CV] c1=0.5698075862470543, c2=0.010481334464662654 ..................
[CV] c1=0.5698075862470543, c2=0.010481334464662654, score=0.674636 - 1.4s
[CV] c1=0.12681094579027236, c2=0.0036690595009708006 ................
[CV] c1=0.12681094579027236, c2=0.0036690595009708006, score=0.848937 - 1.3s
[CV] c1=0.017720414748734287, c2=0.14805811330028124 .................
[CV] c1=0.017720414748734287, c2=0.14805811330028124, score=0.840107 - 1.4s
[CV] c1=0.022102126823387226, c2=0.06924520730038973 .................
[CV] c1=0.022102126823387226, c2=0.06924520730038973, score=0.869790 - 1.3s
[CV] c1=0.1339240355864409, c2=0.020293819707040375 ..................
[CV] c1=0.1339240355864409, c2=0.020293819707040375, score=0.853491 - 1.3s
[CV] c1=0.6125085358121363, c2=0.029808644201330697 ..................
[CV] c1=0.6125085358121363, c2=0.029808644201330697, score=0.926918 - 1.2s
[CV] c1=0.12681094579027236, c2=0.0036690595009708006 ................
[CV] c1=0.12681094579027236, c2=0.0036690595009708006, score=0.862849 - 1.3s
[CV] c1=0.1962647469141778, c2=0.03287380929699173 ...................
[CV] c1=0.1962647469141778, c2=0.03287380929699173, score=0.839700 - 1.1s
[CV] c1=0.30533486314094455, c2=0.0914754586936966 ...................
[CV] c1=0.30533486314094455, c2=0.0914754586936966, score=0.846616 - 1.2s
[CV] c1=0.03425956492795125, c2=0.007813038595582533 .................
[CV] c1=0.03425956492795125, c2=0.007813038595582533, score=0.930828 - 1.3s
[CV] c1=0.5698075862470543, c2=0.010481334464662654 ..................
[CV] c1=0.5698075862470543, c2=0.010481334464662654, score=0.725919 - 1.4s
[CV] c1=0.3861841949004038, c2=0.03323132379303178 ...................
[CV] c1=0.3861841949004038, c2=0.03323132379303178, score=0.879946 - 1.3s
[CV] c1=0.017720414748734287, c2=0.14805811330028124 .................
[CV] c1=0.017720414748734287, c2=0.14805811330028124, score=0.906184 - 1.3s
[CV] c1=0.23106473162087696, c2=0.015694520156649943 .................
[CV] c1=0.23106473162087696, c2=0.015694520156649943, score=0.830873 - 1.1s
[CV] c1=0.1339240355864409, c2=0.020293819707040375 ..................
[CV] c1=0.1339240355864409, c2=0.020293819707040375, score=0.855715 - 1.2s
[CV] c1=0.5698075862470543, c2=0.010481334464662654 ..................
[CV] c1=0.5698075862470543, c2=0.010481334464662654, score=0.879946 - 1.3s
[CV] c1=0.12681094579027236, c2=0.0036690595009708006 ................
[CV] c1=0.12681094579027236, c2=0.0036690595009708006, score=0.927937 - 1.3s
[CV] c1=0.1962647469141778, c2=0.03287380929699173 ...................
[CV] c1=0.1962647469141778, c2=0.03287380929699173, score=0.839942 - 1.2s
[CV] c1=0.2912635826026504, c2=0.02156672100740503 ...................
[CV] c1=0.2912635826026504, c2=0.02156672100740503, score=0.826386 - 1.0s
[CV] c1=0.03425956492795125, c2=0.007813038595582533 .................
[CV] c1=0.03425956492795125, c2=0.007813038595582533, score=0.910672 - 1.4s
[CV] c1=0.11486416926458794, c2=0.02680674100354409 ..................
[CV] c1=0.11486416926458794, c2=0.02680674100354409, score=0.930828 - 1.5s
[CV] c1=0.3861841949004038, c2=0.03323132379303178 ...................
[CV] c1=0.3861841949004038, c2=0.03323132379303178, score=0.809719 - 1.5s
[CV] c1=0.017720414748734287, c2=0.14805811330028124 .................
[CV] c1=0.017720414748734287, c2=0.14805811330028124, score=0.814300 - 1.6s
[CV] c1=0.022102126823387226, c2=0.06924520730038973 .................
[CV] c1=0.022102126823387226, c2=0.06924520730038973, score=0.841339 - 1.1s
[CV] c1=0.03425956492795125, c2=0.007813038595582533 .................
[CV] c1=0.03425956492795125, c2=0.007813038595582533, score=0.839499 - 1.3s
[CV] c1=0.20126118928313821, c2=0.08056323897622286 ..................
[CV] c1=0.20126118928313821, c2=0.08056323897622286, score=0.895946 - 1.3s
[CV] c1=0.3861841949004038, c2=0.03323132379303178 ...................
[CV] c1=0.3861841949004038, c2=0.03323132379303178, score=0.794216 - 1.2s
[CV] c1=0.017720414748734287, c2=0.14805811330028124 .................
[CV] c1=0.017720414748734287, c2=0.14805811330028124, score=0.852010 - 1.5s
[CV] c1=0.2912635826026504, c2=0.02156672100740503 ...................
[CV] c1=0.2912635826026504, c2=0.02156672100740503, score=0.794216 - 1.4s
[CV] c1=0.03425956492795125, c2=0.007813038595582533 .................
[CV] c1=0.03425956492795125, c2=0.007813038595582533, score=0.869790 - 1.3s
[CV] c1=0.20126118928313821, c2=0.08056323897622286 ..................
[CV] c1=0.20126118928313821, c2=0.08056323897622286, score=0.794216 - 1.5s
[CV] c1=0.3861841949004038, c2=0.03323132379303178 ...................
[CV] c1=0.3861841949004038, c2=0.03323132379303178, score=0.856620 - 1.5s
[CV] c1=0.017720414748734287, c2=0.14805811330028124 .................
[CV] c1=0.017720414748734287, c2=0.14805811330028124, score=0.930828 - 1.4s
[CV] c1=0.2912635826026504, c2=0.02156672100740503 ...................
[CV] c1=0.2912635826026504, c2=0.02156672100740503, score=0.926918 - 1.1s
[CV] c1=0.03425956492795125, c2=0.007813038595582533 .................
[CV] c1=0.03425956492795125, c2=0.007813038595582533, score=0.854345 - 1.3s
[CV] c1=0.20126118928313821, c2=0.08056323897622286 ..................
[CV] c1=0.20126118928313821, c2=0.08056323897622286, score=0.857663 - 1.4s
[CV] c1=0.3861841949004038, c2=0.03323132379303178 ...................
[CV] c1=0.3861841949004038, c2=0.03323132379303178, score=0.759504 - 1.6s
[CV] c1=0.017720414748734287, c2=0.14805811330028124 .................
[CV] c1=0.017720414748734287, c2=0.14805811330028124, score=0.857803 - 1.4s
[CV] c1=0.2912635826026504, c2=0.02156672100740503 ...................
[CV] c1=0.2912635826026504, c2=0.02156672100740503, score=0.863576 - 1.3s
[CV] c1=0.03425956492795125, c2=0.007813038595582533 .................
[CV] c1=0.03425956492795125, c2=0.007813038595582533, score=0.927937 - 1.2s
[CV] c1=0.20126118928313821, c2=0.08056323897622286 ..................
[CV] c1=0.20126118928313821, c2=0.08056323897622286, score=0.660059 - 1.5s
[CV] c1=0.3861841949004038, c2=0.03323132379303178 ...................
[CV] c1=0.3861841949004038, c2=0.03323132379303178, score=0.926918 - 1.3s
[CV] c1=0.017720414748734287, c2=0.14805811330028124 .................
[CV] c1=0.017720414748734287, c2=0.14805811330028124, score=0.694239 - 1.5s
[CV] c1=0.022102126823387226, c2=0.06924520730038973 .................
[CV] c1=0.022102126823387226, c2=0.06924520730038973, score=0.930828 - 1.2s
[CV] c1=0.1339240355864409, c2=0.020293819707040375 ..................
[CV] c1=0.1339240355864409, c2=0.020293819707040375, score=0.704991 - 1.4s
[CV] c1=0.6125085358121363, c2=0.029808644201330697 ..................
[CV] c1=0.6125085358121363, c2=0.029808644201330697, score=0.674636 - 1.4s
[CV] c1=0.4770198491983926, c2=0.011670029650325785 ..................
[CV] c1=0.4770198491983926, c2=0.011670029650325785, score=0.678668 - 1.3s
[CV] c1=0.1962647469141778, c2=0.03287380929699173 ...................
[CV] c1=0.1962647469141778, c2=0.03287380929699173, score=0.794216 - 1.2s
[CV] c1=0.2912635826026504, c2=0.02156672100740503 ...................
[CV] c1=0.2912635826026504, c2=0.02156672100740503, score=0.888761 - 1.2s
[CV] c1=0.03425956492795125, c2=0.007813038595582533 .................
[CV] c1=0.03425956492795125, c2=0.007813038595582533, score=0.853754 - 1.3s
[CV] c1=0.20126118928313821, c2=0.08056323897622286 ..................
[CV] c1=0.20126118928313821, c2=0.08056323897622286, score=0.927937 - 1.3s
[CV] c1=0.3861841949004038, c2=0.03323132379303178 ...................
[CV] c1=0.3861841949004038, c2=0.03323132379303178, score=0.678668 - 1.5s
[CV] c1=0.017720414748734287, c2=0.14805811330028124 .................
[CV] c1=0.017720414748734287, c2=0.14805811330028124, score=0.830776 - 1.6s
[CV] c1=0.022102126823387226, c2=0.06924520730038973 .................
[CV] c1=0.022102126823387226, c2=0.06924520730038973, score=0.923212 - 1.3s
[CV] c1=0.1339240355864409, c2=0.020293819707040375 ..................
[CV] c1=0.1339240355864409, c2=0.020293819707040375, score=0.794216 - 1.4s
[CV] c1=0.6125085358121363, c2=0.029808644201330697 ..................
[CV] c1=0.6125085358121363, c2=0.029808644201330697, score=0.863495 - 1.4s
[CV] c1=0.4770198491983926, c2=0.011670029650325785 ..................
[CV] c1=0.4770198491983926, c2=0.011670029650325785, score=0.926918 - 1.3s
[CV] c1=0.1962647469141778, c2=0.03287380929699173 ...................
[CV] c1=0.1962647469141778, c2=0.03287380929699173, score=0.862849 - 1.2s
[CV] c1=0.022102126823387226, c2=0.06924520730038973 .................
[CV] c1=0.022102126823387226, c2=0.06924520730038973, score=0.694239 - 1.3s
[CV] c1=0.6378651675797636, c2=0.013941131343344033 ..................
[CV] c1=0.6378651675797636, c2=0.013941131343344033, score=0.928690 - 1.3s
[CV] c1=0.5698075862470543, c2=0.010481334464662654 ..................
[CV] c1=0.5698075862470543, c2=0.010481334464662654, score=0.928690 - 1.4s
[CV] c1=0.4770198491983926, c2=0.011670029650325785 ..................
[CV] c1=0.4770198491983926, c2=0.011670029650325785, score=0.809719 - 1.3s
[CV] c1=0.1962647469141778, c2=0.03287380929699173 ...................
[CV] c1=0.1962647469141778, c2=0.03287380929699173, score=0.927937 - 1.3s
[CV] c1=0.022102126823387226, c2=0.06924520730038973 .................
[CV] c1=0.022102126823387226, c2=0.06924520730038973, score=0.849711 - 1.3s
[CV] c1=0.1339240355864409, c2=0.020293819707040375 ..................
[CV] c1=0.1339240355864409, c2=0.020293819707040375, score=0.838382 - 1.4s
[CV] c1=1.1984741556968186, c2=0.05653817320378769 ...................
[CV] c1=1.1984741556968186, c2=0.05653817320378769, score=0.687196 - 1.4s
[CV] c1=0.4770198491983926, c2=0.011670029650325785 ..................
[CV] c1=0.4770198491983926, c2=0.011670029650325785, score=0.808847 - 1.2s
[CV] c1=0.1962647469141778, c2=0.03287380929699173 ...................
[CV] c1=0.1962647469141778, c2=0.03287380929699173, score=0.795085 - 1.2s
[CV] c1=0.022102126823387226, c2=0.06924520730038973 .................
[CV] c1=0.022102126823387226, c2=0.06924520730038973, score=0.830776 - 1.3s
[CV] c1=0.1339240355864409, c2=0.020293819707040375 ..................
[CV] c1=0.1339240355864409, c2=0.020293819707040375, score=0.955586 - 1.4s
[CV] c1=0.6125085358121363, c2=0.029808644201330697 ..................
[CV] c1=0.6125085358121363, c2=0.029808644201330697, score=0.928690 - 1.4s
[CV] c1=0.4770198491983926, c2=0.011670029650325785 ..................
[CV] c1=0.4770198491983926, c2=0.011670029650325785, score=0.851982 - 1.4s
[CV] c1=0.4918515596977871, c2=0.0022814573087973607 .................
[CV] c1=0.4918515596977871, c2=0.0022814573087973607, score=0.926918 - 1.1s
[CV] c1=0.30533486314094455, c2=0.0914754586936966 ...................
[CV] c1=0.30533486314094455, c2=0.0914754586936966, score=0.791788 - 1.5s
[CV] c1=0.6378651675797636, c2=0.013941131343344033 ..................
[CV] c1=0.6378651675797636, c2=0.013941131343344033, score=0.875374 - 1.2s
[CV] c1=0.5698075862470543, c2=0.010481334464662654 ..................
[CV] c1=0.5698075862470543, c2=0.010481334464662654, score=0.863495 - 1.5s
[CV] c1=0.12681094579027236, c2=0.0036690595009708006 ................
[CV] c1=0.12681094579027236, c2=0.0036690595009708006, score=0.905115 - 1.3s
[CV] c1=0.1962647469141778, c2=0.03287380929699173 ...................
[CV] c1=0.1962647469141778, c2=0.03287380929699173, score=0.684751 - 1.5s
[CV] c1=0.022102126823387226, c2=0.06924520730038973 .................
[CV] c1=0.022102126823387226, c2=0.06924520730038973, score=0.814733 - 1.3s
[CV] c1=0.1339240355864409, c2=0.020293819707040375 ..................
[CV] c1=0.1339240355864409, c2=0.020293819707040375, score=0.927937 - 1.2s
[CV] c1=0.6125085358121363, c2=0.029808644201330697 ..................
[CV] c1=0.6125085358121363, c2=0.029808644201330697, score=0.725919 - 1.4s
[CV] c1=0.12681094579027236, c2=0.0036690595009708006 ................
[CV] c1=0.12681094579027236, c2=0.0036690595009708006, score=0.931384 - 1.4s
[CV] c1=0.1962647469141778, c2=0.03287380929699173 ...................
[CV] c1=0.1962647469141778, c2=0.03287380929699173, score=0.941978 - 1.2s
[CV] c1=0.23106473162087696, c2=0.015694520156649943 .................
[CV] c1=0.23106473162087696, c2=0.015694520156649943, score=0.926918 - 1.4s
[CV] c1=0.11486416926458794, c2=0.02680674100354409 ..................
[CV] c1=0.11486416926458794, c2=0.02680674100354409, score=0.803015 - 1.4s
[CV] c1=1.1984741556968186, c2=0.05653817320378769 ...................
[CV] c1=1.1984741556968186, c2=0.05653817320378769, score=0.870142 - 1.2s
[CV] c1=2.593347208872597, c2=0.012299824833226647 ...................
[CV] c1=2.593347208872597, c2=0.012299824833226647, score=0.686058 - 1.4s
[CV] c1=0.4918515596977871, c2=0.0022814573087973607 .................
[CV] c1=0.4918515596977871, c2=0.0022814573087973607, score=0.808847 - 1.1s
[CV] c1=0.23106473162087696, c2=0.015694520156649943 .................
[CV] c1=0.23106473162087696, c2=0.015694520156649943, score=0.823253 - 1.5s
[CV] c1=0.11486416926458794, c2=0.02680674100354409 ..................
[CV] c1=0.11486416926458794, c2=0.02680674100354409, score=0.840984 - 1.5s
[CV] c1=1.1984741556968186, c2=0.05653817320378769 ...................
[CV] c1=1.1984741556968186, c2=0.05653817320378769, score=0.926390 - 1.3s
[CV] c1=2.593347208872597, c2=0.012299824833226647 ...................
[CV] c1=2.593347208872597, c2=0.012299824833226647, score=0.578993 - 1.5s
[CV] c1=1.6065853828524328, c2=0.007959562254287294 ..................
[CV] c1=1.6065853828524328, c2=0.007959562254287294, score=0.883486 - 0.9s
[CV] c1=0.022102126823387226, c2=0.06924520730038973 .................
[CV] c1=0.022102126823387226, c2=0.06924520730038973, score=0.911584 - 1.5s
[CV] c1=0.11486416926458794, c2=0.02680674100354409 ..................
[CV] c1=0.11486416926458794, c2=0.02680674100354409, score=0.846764 - 1.4s
[CV] c1=1.1984741556968186, c2=0.05653817320378769 ...................
[CV] c1=1.1984741556968186, c2=0.05653817320378769, score=0.706892 - 1.5s
[CV] c1=2.593347208872597, c2=0.012299824833226647 ...................
[CV] c1=2.593347208872597, c2=0.012299824833226647, score=0.605839 - 1.2s
[CV] c1=0.4918515596977871, c2=0.0022814573087973607 .................
[CV] c1=0.4918515596977871, c2=0.0022814573087973607, score=0.813651 - 1.2s
[CV] c1=0.2912635826026504, c2=0.02156672100740503 ...................
[CV] c1=0.2912635826026504, c2=0.02156672100740503, score=0.936685 - 1.3s
[CV] c1=0.03425956492795125, c2=0.007813038595582533 .................
[CV] c1=0.03425956492795125, c2=0.007813038595582533, score=0.934894 - 1.4s
[CV] c1=0.20126118928313821, c2=0.08056323897622286 ..................
[CV] c1=0.20126118928313821, c2=0.08056323897622286, score=0.824977 - 1.6s
[CV] c1=0.12681094579027236, c2=0.0036690595009708006 ................
[CV] c1=0.12681094579027236, c2=0.0036690595009708006, score=0.830793 - 1.7s
[CV] c1=0.4918515596977871, c2=0.0022814573087973607 .................
[CV] c1=0.4918515596977871, c2=0.0022814573087973607, score=0.851982 - 1.3s
[CV] c1=0.23106473162087696, c2=0.015694520156649943 .................
[CV] c1=0.23106473162087696, c2=0.015694520156649943, score=0.688783 - 1.4s
[CV] c1=0.11486416926458794, c2=0.02680674100354409 ..................
[CV] c1=0.11486416926458794, c2=0.02680674100354409, score=0.857498 - 1.2s
[CV] c1=0.6125085358121363, c2=0.029808644201330697 ..................
[CV] c1=0.6125085358121363, c2=0.029808644201330697, score=0.875374 - 1.2s
[CV] c1=0.4770198491983926, c2=0.011670029650325785 ..................
[CV] c1=0.4770198491983926, c2=0.011670029650325785, score=0.770027 - 1.5s
[CV] c1=0.4918515596977871, c2=0.0022814573087973607 .................
[CV] c1=0.4918515596977871, c2=0.0022814573087973607, score=0.679139 - 1.4s
[CV] c1=0.2912635826026504, c2=0.02156672100740503 ...................
[CV] c1=0.2912635826026504, c2=0.02156672100740503, score=0.824254 - 1.2s
[CV] c1=0.03425956492795125, c2=0.007813038595582533 .................
[CV] c1=0.03425956492795125, c2=0.007813038595582533, score=0.709493 - 1.5s
[CV] c1=0.20126118928313821, c2=0.08056323897622286 ..................
[CV] c1=0.20126118928313821, c2=0.08056323897622286, score=0.862849 - 1.6s
[CV] c1=0.12681094579027236, c2=0.0036690595009708006 ................
[CV] c1=0.12681094579027236, c2=0.0036690595009708006, score=0.684280 - 1.8s
[CV] c1=0.4918515596977871, c2=0.0022814573087973607 .................
[CV] c1=0.4918515596977871, c2=0.0022814573087973607, score=0.799176 - 1.4s
[CV] c1=0.30533486314094455, c2=0.0914754586936966 ...................
[CV] c1=0.30533486314094455, c2=0.0914754586936966, score=0.813649 - 1.4s
[CV] c1=0.1339240355864409, c2=0.020293819707040375 ..................
[CV] c1=0.1339240355864409, c2=0.020293819707040375, score=0.839700 - 1.3s
[CV] c1=0.6125085358121363, c2=0.029808644201330697 ..................
[CV] c1=0.6125085358121363, c2=0.029808644201330697, score=0.785527 - 1.3s
[CV] c1=0.12681094579027236, c2=0.0036690595009708006 ................
[CV] c1=0.12681094579027236, c2=0.0036690595009708006, score=0.955586 - 1.7s
[CV] c1=0.4918515596977871, c2=0.0022814573087973607 .................
[CV] c1=0.4918515596977871, c2=0.0022814573087973607, score=0.935722 - 1.3s
[CV] c1=0.2912635826026504, c2=0.02156672100740503 ...................
[CV] c1=0.2912635826026504, c2=0.02156672100740503, score=0.780680 - 1.5s
[CV] c1=0.6378651675797636, c2=0.013941131343344033 ..................
[CV] c1=0.6378651675797636, c2=0.013941131343344033, score=0.808847 - 1.4s
[CV] c1=0.5698075862470543, c2=0.010481334464662654 ..................
[CV] c1=0.5698075862470543, c2=0.010481334464662654, score=0.808847 - 1.5s
[CV] c1=0.4770198491983926, c2=0.011670029650325785 ..................
[CV] c1=0.4770198491983926, c2=0.011670029650325785, score=0.799176 - 1.6s
[CV] c1=0.4918515596977871, c2=0.0022814573087973607 .................
[CV] c1=0.4918515596977871, c2=0.0022814573087973607, score=0.879946 - 1.3s
[CV] c1=0.30533486314094455, c2=0.0914754586936966 ...................
[CV] c1=0.30533486314094455, c2=0.0914754586936966, score=0.879946 - 1.2s
[CV] c1=0.6378651675797636, c2=0.013941131343344033 ..................
[CV] c1=0.6378651675797636, c2=0.013941131343344033, score=0.732067 - 1.3s
[CV] c1=0.5698075862470543, c2=0.010481334464662654 ..................
[CV] c1=0.5698075862470543, c2=0.010481334464662654, score=0.795527 - 1.4s
[CV] c1=0.3861841949004038, c2=0.03323132379303178 ...................
[CV] c1=0.3861841949004038, c2=0.03323132379303178, score=0.928690 - 1.8s
[CV] c1=0.1962647469141778, c2=0.03287380929699173 ...................
[CV] c1=0.1962647469141778, c2=0.03287380929699173, score=0.919979 - 1.5s
[CV] c1=0.23106473162087696, c2=0.015694520156649943 .................
[CV] c1=0.23106473162087696, c2=0.015694520156649943, score=0.922832 - 1.6s
[CV] c1=0.20126118928313821, c2=0.08056323897622286 ..................
[CV] c1=0.20126118928313821, c2=0.08056323897622286, score=0.797099 - 1.4s
[CV] c1=1.1984741556968186, c2=0.05653817320378769 ...................
[CV] c1=1.1984741556968186, c2=0.05653817320378769, score=0.738861 - 1.3s
[CV] c1=2.593347208872597, c2=0.012299824833226647 ...................
[CV] c1=2.593347208872597, c2=0.012299824833226647, score=0.668895 - 1.3s
[CV] c1=1.6065853828524328, c2=0.007959562254287294 ..................
[CV] c1=1.6065853828524328, c2=0.007959562254287294, score=0.736650 - 1.0s
[CV] c1=0.30533486314094455, c2=0.0914754586936966 ...................
[CV] c1=0.30533486314094455, c2=0.0914754586936966, score=0.818546 - 1.4s
[CV] c1=0.6378651675797636, c2=0.013941131343344033 ..................
[CV] c1=0.6378651675797636, c2=0.013941131343344033, score=0.926918 - 1.3s
[CV] c1=0.5698075862470543, c2=0.010481334464662654 ..................
[CV] c1=0.5698075862470543, c2=0.010481334464662654, score=0.926918 - 1.3s
[CV] c1=0.3861841949004038, c2=0.03323132379303178 ...................
[CV] c1=0.3861841949004038, c2=0.03323132379303178, score=0.780680 - 1.8s
[CV] c1=0.1962647469141778, c2=0.03287380929699173 ...................
[CV] c1=0.1962647469141778, c2=0.03287380929699173, score=0.892921 - 1.6s
[CV] c1=0.30533486314094455, c2=0.0914754586936966 ...................
[CV] c1=0.30533486314094455, c2=0.0914754586936966, score=0.921133 - 1.2s
[CV] c1=0.6378651675797636, c2=0.013941131343344033 ..................
[CV] c1=0.6378651675797636, c2=0.013941131343344033, score=0.674636 - 1.3s
[CV] c1=0.5698075862470543, c2=0.010481334464662654 ..................
[CV] c1=0.5698075862470543, c2=0.010481334464662654, score=0.799176 - 1.4s
[CV] c1=0.12681094579027236, c2=0.0036690595009708006 ................
[CV] c1=0.12681094579027236, c2=0.0036690595009708006, score=0.843632 - 1.0s
[CV] c1=0.017720414748734287, c2=0.14805811330028124 .................
[CV] c1=0.017720414748734287, c2=0.14805811330028124, score=0.852298 - 1.2s
[CV] c1=1.6065853828524328, c2=0.007959562254287294 ..................
[CV] c1=1.6065853828524328, c2=0.007959562254287294, score=0.699470 - 1.0s
[CV] c1=0.30533486314094455, c2=0.0914754586936966 ...................
[CV] c1=0.30533486314094455, c2=0.0914754586936966, score=0.926918 - 1.3s
[CV] c1=0.6378651675797636, c2=0.013941131343344033 ..................
[CV] c1=0.6378651675797636, c2=0.013941131343344033, score=0.786229 - 1.4s
[CV] c1=0.5698075862470543, c2=0.010481334464662654 ..................
[CV] c1=0.5698075862470543, c2=0.010481334464662654, score=0.921976 - 1.7s
[CV] c1=0.4770198491983926, c2=0.011670029650325785 ..................
[CV] c1=0.4770198491983926, c2=0.011670029650325785, score=0.879946 - 1.5s
[CV] c1=0.4918515596977871, c2=0.0022814573087973607 .................
[CV] c1=0.4918515596977871, c2=0.0022814573087973607, score=0.928690 - 1.3s
[CV] c1=0.30533486314094455, c2=0.0914754586936966 ...................
[CV] c1=0.30533486314094455, c2=0.0914754586936966, score=0.658227 - 1.4s
[CV] c1=0.6378651675797636, c2=0.013941131343344033 ..................
[CV] c1=0.6378651675797636, c2=0.013941131343344033, score=0.910205 - 1.7s
[CV] c1=0.6125085358121363, c2=0.029808644201330697 ..................
[CV] c1=0.6125085358121363, c2=0.029808644201330697, score=0.780680 - 1.4s
[CV] c1=0.4770198491983926, c2=0.011670029650325785 ..................
[CV] c1=0.4770198491983926, c2=0.011670029650325785, score=0.936685 - 1.6s
[CV] c1=1.6065853828524328, c2=0.007959562254287294 ..................
[CV] c1=1.6065853828524328, c2=0.007959562254287294, score=0.637084 - 1.3s
[CV] c1=0.2912635826026504, c2=0.02156672100740503 ...................
[CV] c1=0.2912635826026504, c2=0.02156672100740503, score=0.928690 - 1.7s
[CV] c1=0.1339240355864409, c2=0.020293819707040375 ..................
[CV] c1=0.1339240355864409, c2=0.020293819707040375, score=0.899878 - 1.3s
[CV] c1=0.6125085358121363, c2=0.029808644201330697 ..................
[CV] c1=0.6125085358121363, c2=0.029808644201330697, score=0.799176 - 1.7s
[CV] c1=2.593347208872597, c2=0.012299824833226647 ...................
[CV] c1=2.593347208872597, c2=0.012299824833226647, score=0.532681 - 1.5s
[CV] c1=1.6065853828524328, c2=0.007959562254287294 ..................
[CV] c1=1.6065853828524328, c2=0.007959562254287294, score=0.864828 - 1.2s
[CV] c1=0.23106473162087696, c2=0.015694520156649943 .................
[CV] c1=0.23106473162087696, c2=0.015694520156649943, score=0.849047 - 1.6s
[CV] c1=0.11486416926458794, c2=0.02680674100354409 ..................
[CV] c1=0.11486416926458794, c2=0.02680674100354409, score=0.955586 - 1.5s
[CV] c1=1.1984741556968186, c2=0.05653817320378769 ...................
[CV] c1=1.1984741556968186, c2=0.05653817320378769, score=0.758571 - 1.3s
[CV] c1=2.593347208872597, c2=0.012299824833226647 ...................
[CV] c1=2.593347208872597, c2=0.012299824833226647, score=0.717659 - 1.2s
[CV] c1=1.6065853828524328, c2=0.007959562254287294 ..................
[CV] c1=1.6065853828524328, c2=0.007959562254287294, score=0.757382 - 1.2s
[CV] c1=0.23106473162087696, c2=0.015694520156649943 .................
[CV] c1=0.23106473162087696, c2=0.015694520156649943, score=0.848937 - 1.5s
[CV] c1=0.11486416926458794, c2=0.02680674100354409 ..................
[CV] c1=0.11486416926458794, c2=0.02680674100354409, score=0.927937 - 1.3s
[CV] c1=1.1984741556968186, c2=0.05653817320378769 ...................
[CV] c1=1.1984741556968186, c2=0.05653817320378769, score=0.560775 - 1.5s
[CV] c1=2.593347208872597, c2=0.012299824833226647 ...................
[CV] c1=2.593347208872597, c2=0.012299824833226647, score=0.785802 - 1.3s
[CV] c1=1.6065853828524328, c2=0.007959562254287294 ..................
[CV] c1=1.6065853828524328, c2=0.007959562254287294, score=0.676325 - 1.4s
[CV] c1=0.2912635826026504, c2=0.02156672100740503 ...................
[CV] c1=0.2912635826026504, c2=0.02156672100740503, score=0.679139 - 1.3s
[CV] c1=0.03425956492795125, c2=0.007813038595582533 .................
[CV] c1=0.03425956492795125, c2=0.007813038595582533, score=0.803831 - 1.4s
[CV] c1=0.20126118928313821, c2=0.08056323897622286 ..................
[CV] c1=0.20126118928313821, c2=0.08056323897622286, score=0.935722 - 1.8s
[CV] c1=0.12681094579027236, c2=0.0036690595009708006 ................
[CV] c1=0.12681094579027236, c2=0.0036690595009708006, score=0.844100 - 1.5s
[CV] c1=0.4918515596977871, c2=0.0022814573087973607 .................
[CV] c1=0.4918515596977871, c2=0.0022814573087973607, score=0.779170 - 1.6s
[CV] c1=0.30533486314094455, c2=0.0914754586936966 ...................
[CV] c1=0.30533486314094455, c2=0.0914754586936966, score=0.935722 - 1.6s
[CV] c1=0.1339240355864409, c2=0.020293819707040375 ..................
[CV] c1=0.1339240355864409, c2=0.020293819707040375, score=0.922160 - 1.3s
[CV] c1=0.6125085358121363, c2=0.029808644201330697 ..................
[CV] c1=0.6125085358121363, c2=0.029808644201330697, score=0.904039 - 1.5s
[CV] c1=0.4770198491983926, c2=0.011670029650325785 ..................
[CV] c1=0.4770198491983926, c2=0.011670029650325785, score=0.928690 - 1.5s
[CV] c1=1.6065853828524328, c2=0.007959562254287294 ..................
[CV] c1=1.6065853828524328, c2=0.007959562254287294, score=0.567922 - 1.4s
[CV] c1=0.23106473162087696, c2=0.015694520156649943 .................
[CV] c1=0.23106473162087696, c2=0.015694520156649943, score=0.794216 - 1.4s
[CV] c1=0.11486416926458794, c2=0.02680674100354409 ..................
[CV] c1=0.11486416926458794, c2=0.02680674100354409, score=0.705243 - 1.5s
[CV] c1=1.1984741556968186, c2=0.05653817320378769 ...................
[CV] c1=1.1984741556968186, c2=0.05653817320378769, score=0.839761 - 1.3s
[CV] c1=2.593347208872597, c2=0.012299824833226647 ...................
[CV] c1=2.593347208872597, c2=0.012299824833226647, score=0.617476 - 1.5s
[CV] c1=1.6065853828524328, c2=0.007959562254287294 ..................
[CV] c1=1.6065853828524328, c2=0.007959562254287294, score=0.846283 - 1.3s
Training done in: 8.982838s
Saving training model...
Saving training model done in: 0.013084s
*********************************
Prediction done in: 0.033790s
-------------------------------- PARAMETERS --------------------------------
Path of training data set: /home/egaytan/automatic-extraction-growth-conditions/CRF/data-sets
File with training data set: training-data-set-70.txt
Path of test data set: /home/egaytan/automatic-extraction-growth-conditions/CRF/data-sets
File with test data set: test-data-set-30.txt
Exclude stop words: False
Levels: True True
Report file: _v11
Exclude symbols: False
-------------------------------- PROCESSING --------------------------------
Reading corpus...
Sentences training data: 286
Sentences test data: 123
Reading corpus done in: 0.003649s
-------------------------------- FEATURES --------------------------------
--------------------------Features Training ---------------------------
0 1
0 lemma 2
1 postag CD
2 -1:lemma fructose
3 -1:postag NN
4 hUpper False
5 hLower False
6 hGreek False
7 symb False
8 lemma[:1] 2
9 postag[:1] C
10 postag[:2] CD
11 word 2
12 isUpper False
13 isLower False
14 isGreek False
15 isNumber True
16 -1:word fructose
--------------------------- FeaturesTest -----------------------------
0 1
0 lemma delta-arca
1 postag NN
2 -1:lemma _
3 -1:postag NN
4 +1:lemma _
5 +1:postag CD
6 hUpper True
7 hLower True
8 hGreek False
9 symb True
10 lemma[:1] d
11 postag[:1] N
12 lemma[:2] de
13 postag[:2] NN
14 word delta-arcA
15 isUpper False
16 isLower False
17 isGreek False
18 isNumber False
19 -1:word _
20 +1:word _
Fitting 10 folds for each of 20 candidates, totalling 200 fits
[CV] c1=0.2530415538363529, c2=0.01421999529254304 ...................
[CV] c1=0.2530415538363529, c2=0.01421999529254304, score=0.789624 - 1.3s
[CV] c1=0.0706583501364852, c2=0.007766154606045574 ..................
[CV] c1=0.0706583501364852, c2=0.007766154606045574, score=0.813743 - 1.7s
[CV] c1=0.2323716379870112, c2=0.06329296060320068 ...................
[CV] c1=0.2323716379870112, c2=0.06329296060320068, score=0.949229 - 1.6s
[CV] c1=0.08296411755539199, c2=0.02012113673798377 ..................
[CV] c1=0.08296411755539199, c2=0.02012113673798377, score=0.843361 - 1.9s
[CV] c1=0.07448098504603347, c2=9.667953584900881e-05 ................
[CV] c1=0.07448098504603347, c2=9.667953584900881e-05, score=0.820019 - 1.6s
[CV] c1=0.35697431252186523, c2=0.053072104891904226 .................
[CV] c1=0.35697431252186523, c2=0.053072104891904226, score=0.921016 - 1.6s
[CV] c1=0.3270597884667632, c2=0.010347987464658356 ..................
[CV] c1=0.3270597884667632, c2=0.010347987464658356, score=0.892120 - 1.7s
[CV] c1=0.04937325798482469, c2=0.021347060592283952 .................
[CV] c1=0.04937325798482469, c2=0.021347060592283952, score=0.969625 - 1.9s
[CV] c1=0.07448098504603347, c2=9.667953584900881e-05 ................
[CV] c1=0.07448098504603347, c2=9.667953584900881e-05, score=0.896961 - 1.9s
[CV] c1=0.8497482346216051, c2=0.13810348554922147 ...................
[CV] c1=0.8497482346216051, c2=0.13810348554922147, score=0.824874 - 1.5s
[CV] c1=0.0706583501364852, c2=0.007766154606045574 ..................
[CV] c1=0.0706583501364852, c2=0.007766154606045574, score=0.851303 - 1.9s
[CV] c1=0.4047465682558066, c2=0.024420878445861913 ..................
[CV] c1=0.4047465682558066, c2=0.024420878445861913, score=0.799176 - 1.7s
[CV] c1=0.14106027770288562, c2=0.02011348479945861 ..................
[CV] c1=0.14106027770288562, c2=0.02011348479945861, score=0.923027 - 1.6s
[CV] c1=0.07448098504603347, c2=9.667953584900881e-05 ................
[CV] c1=0.07448098504603347, c2=9.667953584900881e-05, score=0.912280 - 1.6s
[CV] c1=0.35697431252186523, c2=0.053072104891904226 .................
[CV] c1=0.35697431252186523, c2=0.053072104891904226, score=0.834170 - 1.6s
[CV] c1=0.45932518333010963, c2=0.05807947207491818 ..................
[CV] c1=0.45932518333010963, c2=0.05807947207491818, score=0.923027 - 1.5s
[CV] c1=0.4047465682558066, c2=0.024420878445861913 ..................
[CV] c1=0.4047465682558066, c2=0.024420878445861913, score=0.921016 - 1.6s
[CV] c1=0.14106027770288562, c2=0.02011348479945861 ..................
[CV] c1=0.14106027770288562, c2=0.02011348479945861, score=0.909289 - 1.5s
[CV] c1=0.4447485859982712, c2=0.0016484083449467537 .................
[CV] c1=0.4447485859982712, c2=0.0016484083449467537, score=0.718722 - 1.6s
[CV] c1=0.2530415538363529, c2=0.01421999529254304 ...................
[CV] c1=0.2530415538363529, c2=0.01421999529254304, score=0.814665 - 1.3s
[CV] c1=0.0706583501364852, c2=0.007766154606045574 ..................
[CV] c1=0.0706583501364852, c2=0.007766154606045574, score=0.823347 - 1.6s
[CV] c1=0.2323716379870112, c2=0.06329296060320068 ...................
[CV] c1=0.2323716379870112, c2=0.06329296060320068, score=0.827976 - 1.8s
[CV] c1=0.08296411755539199, c2=0.02012113673798377 ..................
[CV] c1=0.08296411755539199, c2=0.02012113673798377, score=0.826784 - 2.0s
[CV] c1=0.07448098504603347, c2=9.667953584900881e-05 ................
[CV] c1=0.07448098504603347, c2=9.667953584900881e-05, score=0.734353 - 1.7s
[CV] c1=0.2530415538363529, c2=0.01421999529254304 ...................
[CV] c1=0.2530415538363529, c2=0.01421999529254304, score=0.730238 - 1.5s
[CV] c1=0.0706583501364852, c2=0.007766154606045574 ..................
[CV] c1=0.0706583501364852, c2=0.007766154606045574, score=0.923027 - 1.6s
[CV] c1=0.2323716379870112, c2=0.06329296060320068 ...................
[CV] c1=0.2323716379870112, c2=0.06329296060320068, score=0.794216 - 1.9s
[CV] c1=0.08296411755539199, c2=0.02012113673798377 ..................
[CV] c1=0.08296411755539199, c2=0.02012113673798377, score=0.900463 - 1.9s
[CV] c1=0.07448098504603347, c2=9.667953584900881e-05 ................
[CV] c1=0.07448098504603347, c2=9.667953584900881e-05, score=0.847287 - 1.7s
[CV] c1=0.5383828181005542, c2=0.03841071924486563 ...................
[CV] c1=0.5383828181005542, c2=0.03841071924486563, score=0.719240 - 1.7s
[CV] c1=0.08116859297589825, c2=0.01402217610152598 ..................
[CV] c1=0.08116859297589825, c2=0.01402217610152598, score=0.924709 - 1.6s
[CV] c1=0.4047465682558066, c2=0.024420878445861913 ..................
[CV] c1=0.4047465682558066, c2=0.024420878445861913, score=0.892120 - 1.5s
[CV] c1=0.14106027770288562, c2=0.02011348479945861 ..................
[CV] c1=0.14106027770288562, c2=0.02011348479945861, score=0.741087 - 1.9s
[CV] c1=0.4447485859982712, c2=0.0016484083449467537 .................
[CV] c1=0.4447485859982712, c2=0.0016484083449467537, score=0.865380 - 1.5s
[CV] c1=0.2530415538363529, c2=0.01421999529254304 ...................
[CV] c1=0.2530415538363529, c2=0.01421999529254304, score=0.867165 - 1.7s
[CV] c1=0.0706583501364852, c2=0.007766154606045574 ..................
[CV] c1=0.0706583501364852, c2=0.007766154606045574, score=0.844380 - 1.6s
[CV] c1=0.2323716379870112, c2=0.06329296060320068 ...................
[CV] c1=0.2323716379870112, c2=0.06329296060320068, score=0.865097 - 1.9s
[CV] c1=0.08296411755539199, c2=0.02012113673798377 ..................
[CV] c1=0.08296411755539199, c2=0.02012113673798377, score=0.851303 - 1.8s
[CV] c1=0.07448098504603347, c2=9.667953584900881e-05 ................
[CV] c1=0.07448098504603347, c2=9.667953584900881e-05, score=0.843486 - 1.8s
[CV] c1=0.8497482346216051, c2=0.13810348554922147 ...................
[CV] c1=0.8497482346216051, c2=0.13810348554922147, score=0.747025 - 1.7s
[CV] c1=0.08116859297589825, c2=0.01402217610152598 ..................
[CV] c1=0.08116859297589825, c2=0.01402217610152598, score=0.820019 - 1.6s
[CV] c1=0.2323716379870112, c2=0.06329296060320068 ...................
[CV] c1=0.2323716379870112, c2=0.06329296060320068, score=0.914885 - 1.8s
[CV] c1=0.14106027770288562, c2=0.02011348479945861 ..................
[CV] c1=0.14106027770288562, c2=0.02011348479945861, score=0.899524 - 1.9s
[CV] c1=0.4447485859982712, c2=0.0016484083449467537 .................
[CV] c1=0.4447485859982712, c2=0.0016484083449467537, score=0.923027 - 1.7s
[CV] c1=0.2530415538363529, c2=0.01421999529254304 ...................
[CV] c1=0.2530415538363529, c2=0.01421999529254304, score=0.914885 - 1.6s
[CV] c1=0.0706583501364852, c2=0.007766154606045574 ..................
[CV] c1=0.0706583501364852, c2=0.007766154606045574, score=0.936198 - 1.7s
[CV] c1=0.2323716379870112, c2=0.06329296060320068 ...................
[CV] c1=0.2323716379870112, c2=0.06329296060320068, score=0.820852 - 1.8s
[CV] c1=0.08296411755539199, c2=0.02012113673798377 ..................
[CV] c1=0.08296411755539199, c2=0.02012113673798377, score=0.923229 - 1.8s
[CV] c1=0.07448098504603347, c2=9.667953584900881e-05 ................
[CV] c1=0.07448098504603347, c2=9.667953584900881e-05, score=0.916002 - 1.8s
[CV] c1=0.5383828181005542, c2=0.03841071924486563 ...................
[CV] c1=0.5383828181005542, c2=0.03841071924486563, score=0.843908 - 1.7s
[CV] c1=0.45932518333010963, c2=0.05807947207491818 ..................
[CV] c1=0.45932518333010963, c2=0.05807947207491818, score=0.719240 - 1.7s
[CV] c1=0.6223773708649032, c2=0.007605247773857023 ..................
[CV] c1=0.6223773708649032, c2=0.007605247773857023, score=0.783387 - 1.7s
[CV] c1=0.5404386702330402, c2=0.00940384945509182 ...................
[CV] c1=0.5404386702330402, c2=0.00940384945509182, score=0.718722 - 1.7s
[CV] c1=0.4447485859982712, c2=0.0016484083449467537 .................
[CV] c1=0.4447485859982712, c2=0.0016484083449467537, score=0.816050 - 1.5s
[CV] c1=0.2530415538363529, c2=0.01421999529254304 ...................
[CV] c1=0.2530415538363529, c2=0.01421999529254304, score=0.830456 - 1.7s
[CV] c1=0.0706583501364852, c2=0.007766154606045574 ..................
[CV] c1=0.0706583501364852, c2=0.007766154606045574, score=0.923229 - 1.8s
[CV] c1=0.4047465682558066, c2=0.024420878445861913 ..................
[CV] c1=0.4047465682558066, c2=0.024420878445861913, score=0.797998 - 1.6s
[CV] c1=0.08296411755539199, c2=0.02012113673798377 ..................
[CV] c1=0.08296411755539199, c2=0.02012113673798377, score=0.956017 - 2.0s
[CV] c1=0.4447485859982712, c2=0.0016484083449467537 .................
[CV] c1=0.4447485859982712, c2=0.0016484083449467537, score=0.817424 - 1.6s
[CV] c1=0.2530415538363529, c2=0.01421999529254304 ...................
[CV] c1=0.2530415538363529, c2=0.01421999529254304, score=0.941585 - 1.8s
[CV] c1=0.08116859297589825, c2=0.01402217610152598 ..................
[CV] c1=0.08116859297589825, c2=0.01402217610152598, score=0.733882 - 1.6s
[CV] c1=0.4047465682558066, c2=0.024420878445861913 ..................
[CV] c1=0.4047465682558066, c2=0.024420878445861913, score=0.841027 - 1.8s
[CV] c1=0.14106027770288562, c2=0.02011348479945861 ..................
[CV] c1=0.14106027770288562, c2=0.02011348479945861, score=0.823347 - 1.7s
[CV] c1=0.4447485859982712, c2=0.0016484083449467537 .................
[CV] c1=0.4447485859982712, c2=0.0016484083449467537, score=0.869064 - 1.9s
[CV] c1=0.5383828181005542, c2=0.03841071924486563 ...................
[CV] c1=0.5383828181005542, c2=0.03841071924486563, score=0.799746 - 1.6s
[CV] c1=0.08116859297589825, c2=0.01402217610152598 ..................
[CV] c1=0.08116859297589825, c2=0.01402217610152598, score=0.912280 - 1.5s
[CV] c1=0.4047465682558066, c2=0.024420878445861913 ..................
[CV] c1=0.4047465682558066, c2=0.024420878445861913, score=0.740042 - 1.8s
[CV] c1=0.14106027770288562, c2=0.02011348479945861 ..................
[CV] c1=0.14106027770288562, c2=0.02011348479945861, score=0.862696 - 1.8s
[CV] c1=0.4447485859982712, c2=0.0016484083449467537 .................
[CV] c1=0.4447485859982712, c2=0.0016484083449467537, score=0.946646 - 1.7s
[CV] c1=0.8497482346216051, c2=0.13810348554922147 ...................
[CV] c1=0.8497482346216051, c2=0.13810348554922147, score=0.855838 - 1.6s
[CV] c1=0.08116859297589825, c2=0.01402217610152598 ..................
[CV] c1=0.08116859297589825, c2=0.01402217610152598, score=0.827913 - 1.7s
[CV] c1=0.4047465682558066, c2=0.024420878445861913 ..................
[CV] c1=0.4047465682558066, c2=0.024420878445861913, score=0.922774 - 1.7s
[CV] c1=0.14106027770288562, c2=0.02011348479945861 ..................
[CV] c1=0.14106027770288562, c2=0.02011348479945861, score=0.917968 - 1.8s
[CV] c1=0.4447485859982712, c2=0.0016484083449467537 .................
[CV] c1=0.4447485859982712, c2=0.0016484083449467537, score=0.892120 - 1.6s
[CV] c1=0.8497482346216051, c2=0.13810348554922147 ...................
[CV] c1=0.8497482346216051, c2=0.13810348554922147, score=0.913219 - 1.9s
[CV] c1=0.45932518333010963, c2=0.05807947207491818 ..................
[CV] c1=0.45932518333010963, c2=0.05807947207491818, score=0.799176 - 1.8s
[CV] c1=0.6223773708649032, c2=0.007605247773857023 ..................
[CV] c1=0.6223773708649032, c2=0.007605247773857023, score=0.933588 - 1.7s
[CV] c1=0.5404386702330402, c2=0.00940384945509182 ...................
[CV] c1=0.5404386702330402, c2=0.00940384945509182, score=0.866290 - 1.6s
[CV] c1=0.8168034772987887, c2=0.06477230233366042 ...................
[CV] c1=0.8168034772987887, c2=0.06477230233366042, score=0.723924 - 1.6s
[CV] c1=0.35697431252186523, c2=0.053072104891904226 .................
[CV] c1=0.35697431252186523, c2=0.053072104891904226, score=0.820752 - 1.6s
[CV] c1=0.45932518333010963, c2=0.05807947207491818 ..................
[CV] c1=0.45932518333010963, c2=0.05807947207491818, score=0.816050 - 1.7s
[CV] c1=0.6223773708649032, c2=0.007605247773857023 ..................
[CV] c1=0.6223773708649032, c2=0.007605247773857023, score=0.883328 - 1.7s
[CV] c1=0.5404386702330402, c2=0.00940384945509182 ...................
[CV] c1=0.5404386702330402, c2=0.00940384945509182, score=0.922774 - 1.7s
[CV] c1=0.8168034772987887, c2=0.06477230233366042 ...................
[CV] c1=0.8168034772987887, c2=0.06477230233366042, score=0.843908 - 1.4s
[CV] c1=0.2530415538363529, c2=0.01421999529254304 ...................
[CV] c1=0.2530415538363529, c2=0.01421999529254304, score=0.920107 - 1.7s
[CV] c1=0.0706583501364852, c2=0.007766154606045574 ..................
[CV] c1=0.0706583501364852, c2=0.007766154606045574, score=0.912280 - 1.6s
[CV] c1=0.2323716379870112, c2=0.06329296060320068 ...................
[CV] c1=0.2323716379870112, c2=0.06329296060320068, score=0.920107 - 1.7s
[CV] c1=0.08296411755539199, c2=0.02012113673798377 ..................
[CV] c1=0.08296411755539199, c2=0.02012113673798377, score=0.839590 - 1.8s
[CV] c1=0.07448098504603347, c2=9.667953584900881e-05 ................
[CV] c1=0.07448098504603347, c2=9.667953584900881e-05, score=0.936885 - 1.8s
[CV] c1=0.35697431252186523, c2=0.053072104891904226 .................
[CV] c1=0.35697431252186523, c2=0.053072104891904226, score=0.830598 - 1.7s
[CV] c1=0.3270597884667632, c2=0.010347987464658356 ..................
[CV] c1=0.3270597884667632, c2=0.010347987464658356, score=0.867165 - 1.6s
[CV] c1=0.04937325798482469, c2=0.021347060592283952 .................
[CV] c1=0.04937325798482469, c2=0.021347060592283952, score=0.837807 - 1.6s
[CV] c1=0.5404386702330402, c2=0.00940384945509182 ...................
[CV] c1=0.5404386702330402, c2=0.00940384945509182, score=0.938245 - 1.6s
[CV] c1=0.8168034772987887, c2=0.06477230233366042 ...................
[CV] c1=0.8168034772987887, c2=0.06477230233366042, score=0.922774 - 1.4s
[CV] c1=0.2530415538363529, c2=0.01421999529254304 ...................
[CV] c1=0.2530415538363529, c2=0.01421999529254304, score=0.926210 - 1.3s
[CV] c1=0.0706583501364852, c2=0.007766154606045574 ..................
[CV] c1=0.0706583501364852, c2=0.007766154606045574, score=0.731210 - 1.6s
[CV] c1=0.2323716379870112, c2=0.06329296060320068 ...................
[CV] c1=0.2323716379870112, c2=0.06329296060320068, score=0.824947 - 2.0s
[CV] c1=0.08296411755539199, c2=0.02012113673798377 ..................
[CV] c1=0.08296411755539199, c2=0.02012113673798377, score=0.801005 - 1.9s
[CV] c1=0.07448098504603347, c2=9.667953584900881e-05 ................
[CV] c1=0.07448098504603347, c2=9.667953584900881e-05, score=0.949482 - 1.4s
[CV] c1=0.8497482346216051, c2=0.13810348554922147 ...................
[CV] c1=0.8497482346216051, c2=0.13810348554922147, score=0.929494 - 1.7s
[CV] c1=0.08116859297589825, c2=0.01402217610152598 ..................
[CV] c1=0.08116859297589825, c2=0.01402217610152598, score=0.851303 - 1.6s
[CV] c1=0.4047465682558066, c2=0.024420878445861913 ..................
[CV] c1=0.4047465682558066, c2=0.024420878445861913, score=0.946646 - 1.8s
[CV] c1=0.14106027770288562, c2=0.02011348479945861 ..................
[CV] c1=0.14106027770288562, c2=0.02011348479945861, score=0.851303 - 1.9s
[CV] c1=0.4447485859982712, c2=0.0016484083449467537 .................
[CV] c1=0.4447485859982712, c2=0.0016484083449467537, score=0.926364 - 1.6s
[CV] c1=0.5383828181005542, c2=0.03841071924486563 ...................
[CV] c1=0.5383828181005542, c2=0.03841071924486563, score=0.801762 - 1.7s
[CV] c1=0.45932518333010963, c2=0.05807947207491818 ..................
[CV] c1=0.45932518333010963, c2=0.05807947207491818, score=0.827108 - 1.8s
[CV] c1=0.6223773708649032, c2=0.007605247773857023 ..................
[CV] c1=0.6223773708649032, c2=0.007605247773857023, score=0.784408 - 1.6s
[CV] c1=0.14106027770288562, c2=0.02011348479945861 ..................
[CV] c1=0.14106027770288562, c2=0.02011348479945861, score=0.923229 - 1.8s
[CV] c1=0.8168034772987887, c2=0.06477230233366042 ...................
[CV] c1=0.8168034772987887, c2=0.06477230233366042, score=0.690220 - 1.6s
[CV] c1=0.5383828181005542, c2=0.03841071924486563 ...................
[CV] c1=0.5383828181005542, c2=0.03841071924486563, score=0.936149 - 1.7s
[CV] c1=0.3270597884667632, c2=0.010347987464658356 ..................
[CV] c1=0.3270597884667632, c2=0.010347987464658356, score=0.818102 - 1.7s
[CV] c1=0.6223773708649032, c2=0.007605247773857023 ..................
[CV] c1=0.6223773708649032, c2=0.007605247773857023, score=0.925096 - 1.7s
[CV] c1=0.5404386702330402, c2=0.00940384945509182 ...................
[CV] c1=0.5404386702330402, c2=0.00940384945509182, score=0.816050 - 1.6s
[CV] c1=0.8168034772987887, c2=0.06477230233366042 ...................
[CV] c1=0.8168034772987887, c2=0.06477230233366042, score=0.807845 - 1.4s
[CV] c1=0.5383828181005542, c2=0.03841071924486563 ...................
[CV] c1=0.5383828181005542, c2=0.03841071924486563, score=0.922774 - 1.7s
[CV] c1=0.45932518333010963, c2=0.05807947207491818 ..................
[CV] c1=0.45932518333010963, c2=0.05807947207491818, score=0.866290 - 1.7s
[CV] c1=0.6223773708649032, c2=0.007605247773857023 ..................
[CV] c1=0.6223773708649032, c2=0.007605247773857023, score=0.718722 - 1.7s
[CV] c1=0.5404386702330402, c2=0.00940384945509182 ...................
[CV] c1=0.5404386702330402, c2=0.00940384945509182, score=0.799176 - 1.7s
[CV] c1=0.8168034772987887, c2=0.06477230233366042 ...................
[CV] c1=0.8168034772987887, c2=0.06477230233366042, score=0.765595 - 1.4s
[CV] c1=0.5383828181005542, c2=0.03841071924486563 ...................
[CV] c1=0.5383828181005542, c2=0.03841071924486563, score=0.816050 - 1.7s
[CV] c1=0.45932518333010963, c2=0.05807947207491818 ..................
[CV] c1=0.45932518333010963, c2=0.05807947207491818, score=0.921016 - 1.6s
[CV] c1=0.6223773708649032, c2=0.007605247773857023 ..................
[CV] c1=0.6223773708649032, c2=0.007605247773857023, score=0.922774 - 1.5s
[CV] c1=0.5404386702330402, c2=0.00940384945509182 ...................
[CV] c1=0.5404386702330402, c2=0.00940384945509182, score=0.792619 - 1.8s
[CV] c1=0.8168034772987887, c2=0.06477230233366042 ...................
[CV] c1=0.8168034772987887, c2=0.06477230233366042, score=0.799176 - 1.6s
[CV] c1=0.5383828181005542, c2=0.03841071924486563 ...................
[CV] c1=0.5383828181005542, c2=0.03841071924486563, score=0.880765 - 1.6s
[CV] c1=0.45932518333010963, c2=0.05807947207491818 ..................
[CV] c1=0.45932518333010963, c2=0.05807947207491818, score=0.946646 - 1.8s
[CV] c1=0.04937325798482469, c2=0.021347060592283952 .................
[CV] c1=0.04937325798482469, c2=0.021347060592283952, score=0.902567 - 1.8s
[CV] c1=0.3444576411414005, c2=0.0178963036693645 ....................
[CV] c1=0.3444576411414005, c2=0.0178963036693645, score=0.820752 - 1.5s
[CV] c1=0.8168034772987887, c2=0.06477230233366042 ...................
[CV] c1=0.8168034772987887, c2=0.06477230233366042, score=0.870314 - 1.5s
[CV] c1=0.5383828181005542, c2=0.03841071924486563 ...................
[CV] c1=0.5383828181005542, c2=0.03841071924486563, score=0.799176 - 1.9s
[CV] c1=0.3270597884667632, c2=0.010347987464658356 ..................
[CV] c1=0.3270597884667632, c2=0.010347987464658356, score=0.839427 - 1.8s
[CV] c1=0.04937325798482469, c2=0.021347060592283952 .................
[CV] c1=0.04937325798482469, c2=0.021347060592283952, score=0.818335 - 1.7s
[CV] c1=0.3444576411414005, c2=0.0178963036693645 ....................
[CV] c1=0.3444576411414005, c2=0.0178963036693645, score=0.794216 - 1.5s
[CV] c1=0.8168034772987887, c2=0.06477230233366042 ...................
[CV] c1=0.8168034772987887, c2=0.06477230233366042, score=0.943466 - 1.4s
[CV] c1=0.8497482346216051, c2=0.13810348554922147 ...................
[CV] c1=0.8497482346216051, c2=0.13810348554922147, score=0.683743 - 1.8s
[CV] c1=0.08116859297589825, c2=0.01402217610152598 ..................
[CV] c1=0.08116859297589825, c2=0.01402217610152598, score=0.936198 - 2.0s
[CV] c1=0.6223773708649032, c2=0.007605247773857023 ..................
[CV] c1=0.6223773708649032, c2=0.007605247773857023, score=0.816050 - 1.7s
[CV] c1=0.5404386702330402, c2=0.00940384945509182 ...................
[CV] c1=0.5404386702330402, c2=0.00940384945509182, score=0.880765 - 1.6s
[CV] c1=0.8168034772987887, c2=0.06477230233366042 ...................
[CV] c1=0.8168034772987887, c2=0.06477230233366042, score=0.901751 - 1.6s
[CV] c1=0.35697431252186523, c2=0.053072104891904226 .................
[CV] c1=0.35697431252186523, c2=0.053072104891904226, score=0.794216 - 1.7s
[CV] c1=0.3270597884667632, c2=0.010347987464658356 ..................
[CV] c1=0.3270597884667632, c2=0.010347987464658356, score=0.922774 - 1.6s
[CV] c1=0.04937325798482469, c2=0.021347060592283952 .................
[CV] c1=0.04937325798482469, c2=0.021347060592283952, score=0.769157 - 1.7s
[CV] c1=0.5404386702330402, c2=0.00940384945509182 ...................
[CV] c1=0.5404386702330402, c2=0.00940384945509182, score=0.925096 - 1.7s
[CV] c1=0.649548584923434, c2=0.09611048012847326 ....................
[CV] c1=0.649548584923434, c2=0.09611048012847326, score=0.728530 - 1.5s
[CV] c1=0.8497482346216051, c2=0.13810348554922147 ...................
[CV] c1=0.8497482346216051, c2=0.13810348554922147, score=0.887115 - 1.8s
[CV] c1=0.45932518333010963, c2=0.05807947207491818 ..................
[CV] c1=0.45932518333010963, c2=0.05807947207491818, score=0.803184 - 1.8s
[CV] c1=0.6223773708649032, c2=0.007605247773857023 ..................
[CV] c1=0.6223773708649032, c2=0.007605247773857023, score=0.799176 - 1.9s
[CV] c1=0.3444576411414005, c2=0.0178963036693645 ....................
[CV] c1=0.3444576411414005, c2=0.0178963036693645, score=0.841965 - 1.9s
[CV] c1=0.649548584923434, c2=0.09611048012847326 ....................
[CV] c1=0.649548584923434, c2=0.09611048012847326, score=0.922774 - 1.3s
[CV] c1=0.35697431252186523, c2=0.053072104891904226 .................
[CV] c1=0.35697431252186523, c2=0.053072104891904226, score=0.922774 - 1.6s
[CV] c1=0.3270597884667632, c2=0.010347987464658356 ..................
[CV] c1=0.3270597884667632, c2=0.010347987464658356, score=0.714606 - 1.7s
[CV] c1=0.04937325798482469, c2=0.021347060592283952 .................
[CV] c1=0.04937325798482469, c2=0.021347060592283952, score=0.900463 - 1.7s
[CV] c1=0.3444576411414005, c2=0.0178963036693645 ....................
[CV] c1=0.3444576411414005, c2=0.0178963036693645, score=0.922774 - 1.6s
[CV] c1=0.649548584923434, c2=0.09611048012847326 ....................
[CV] c1=0.649548584923434, c2=0.09611048012847326, score=0.799176 - 1.4s
[CV] c1=0.35697431252186523, c2=0.053072104891904226 .................
[CV] c1=0.35697431252186523, c2=0.053072104891904226, score=0.950725 - 1.8s
[CV] c1=0.3270597884667632, c2=0.010347987464658356 ..................
[CV] c1=0.3270597884667632, c2=0.010347987464658356, score=0.916139 - 1.7s
[CV] c1=0.04937325798482469, c2=0.021347060592283952 .................
[CV] c1=0.04937325798482469, c2=0.021347060592283952, score=0.923229 - 1.8s
[CV] c1=0.3444576411414005, c2=0.0178963036693645 ....................
[CV] c1=0.3444576411414005, c2=0.0178963036693645, score=0.820852 - 1.7s
[CV] c1=0.649548584923434, c2=0.09611048012847326 ....................
[CV] c1=0.649548584923434, c2=0.09611048012847326, score=0.928279 - 1.3s
[CV] c1=0.2530415538363529, c2=0.01421999529254304 ...................
[CV] c1=0.2530415538363529, c2=0.01421999529254304, score=0.923027 - 1.2s
[CV] c1=0.0706583501364852, c2=0.007766154606045574 ..................
[CV] c1=0.0706583501364852, c2=0.007766154606045574, score=0.909646 - 1.8s
[CV] c1=0.2323716379870112, c2=0.06329296060320068 ...................
[CV] c1=0.2323716379870112, c2=0.06329296060320068, score=0.742060 - 1.7s
[CV] c1=0.08296411755539199, c2=0.02012113673798377 ..................
[CV] c1=0.08296411755539199, c2=0.02012113673798377, score=0.733882 - 1.6s
[CV] c1=0.3444576411414005, c2=0.0178963036693645 ....................
[CV] c1=0.3444576411414005, c2=0.0178963036693645, score=0.921016 - 1.7s
[CV] c1=0.649548584923434, c2=0.09611048012847326 ....................
[CV] c1=0.649548584923434, c2=0.09611048012847326, score=0.856402 - 1.3s
[CV] c1=0.35697431252186523, c2=0.053072104891904226 .................
[CV] c1=0.35697431252186523, c2=0.053072104891904226, score=0.884935 - 1.7s
[CV] c1=0.3270597884667632, c2=0.010347987464658356 ..................
[CV] c1=0.3270597884667632, c2=0.010347987464658356, score=0.946646 - 1.9s
[CV] c1=0.04937325798482469, c2=0.021347060592283952 .................
[CV] c1=0.04937325798482469, c2=0.021347060592283952, score=0.924267 - 1.6s
[CV] c1=0.3444576411414005, c2=0.0178963036693645 ....................
[CV] c1=0.3444576411414005, c2=0.0178963036693645, score=0.865380 - 1.8s
[CV] c1=0.649548584923434, c2=0.09611048012847326 ....................
[CV] c1=0.649548584923434, c2=0.09611048012847326, score=0.824874 - 1.4s
[CV] c1=0.35697431252186523, c2=0.053072104891904226 .................
[CV] c1=0.35697431252186523, c2=0.053072104891904226, score=0.719240 - 1.7s
[CV] c1=0.3270597884667632, c2=0.010347987464658356 ..................
[CV] c1=0.3270597884667632, c2=0.010347987464658356, score=0.794216 - 1.9s
[CV] c1=0.04937325798482469, c2=0.021347060592283952 .................
[CV] c1=0.04937325798482469, c2=0.021347060592283952, score=0.837271 - 1.8s
[CV] c1=0.3444576411414005, c2=0.0178963036693645 ....................
[CV] c1=0.3444576411414005, c2=0.0178963036693645, score=0.946646 - 1.9s
[CV] c1=0.649548584923434, c2=0.09611048012847326 ....................
[CV] c1=0.649548584923434, c2=0.09611048012847326, score=0.932069 - 1.2s
[CV] c1=0.35697431252186523, c2=0.053072104891904226 .................
[CV] c1=0.35697431252186523, c2=0.053072104891904226, score=0.816050 - 1.7s
[CV] c1=0.3270597884667632, c2=0.010347987464658356 ..................
[CV] c1=0.3270597884667632, c2=0.010347987464658356, score=0.830113 - 1.8s
[CV] c1=0.04937325798482469, c2=0.021347060592283952 .................
[CV] c1=0.04937325798482469, c2=0.021347060592283952, score=0.851303 - 1.7s
[CV] c1=0.3444576411414005, c2=0.0178963036693645 ....................
[CV] c1=0.3444576411414005, c2=0.0178963036693645, score=0.920107 - 1.8s
[CV] c1=0.649548584923434, c2=0.09611048012847326 ....................
[CV] c1=0.649548584923434, c2=0.09611048012847326, score=0.816050 - 1.2s
[CV] c1=0.8497482346216051, c2=0.13810348554922147 ...................
[CV] c1=0.8497482346216051, c2=0.13810348554922147, score=0.807845 - 1.6s
[CV] c1=0.08116859297589825, c2=0.01402217610152598 ..................
[CV] c1=0.08116859297589825, c2=0.01402217610152598, score=0.923027 - 1.4s
[CV] c1=0.2323716379870112, c2=0.06329296060320068 ...................
[CV] c1=0.2323716379870112, c2=0.06329296060320068, score=0.946103 - 1.8s
[CV] c1=0.08296411755539199, c2=0.02012113673798377 ..................
[CV] c1=0.08296411755539199, c2=0.02012113673798377, score=0.924267 - 1.5s
[CV] c1=0.07448098504603347, c2=9.667953584900881e-05 ................
[CV] c1=0.07448098504603347, c2=9.667953584900881e-05, score=0.837553 - 1.7s
[CV] c1=0.8497482346216051, c2=0.13810348554922147 ...................
[CV] c1=0.8497482346216051, c2=0.13810348554922147, score=0.804464 - 1.6s
[CV] c1=0.08116859297589825, c2=0.01402217610152598 ..................
[CV] c1=0.08116859297589825, c2=0.01402217610152598, score=0.909646 - 1.8s
[CV] c1=0.4047465682558066, c2=0.024420878445861913 ..................
[CV] c1=0.4047465682558066, c2=0.024420878445861913, score=0.865380 - 1.6s
[CV] c1=0.14106027770288562, c2=0.02011348479945861 ..................
[CV] c1=0.14106027770288562, c2=0.02011348479945861, score=0.805596 - 1.8s
[CV] c1=0.4447485859982712, c2=0.0016484083449467537 .................
[CV] c1=0.4447485859982712, c2=0.0016484083449467537, score=0.794216 - 1.8s
[CV] c1=0.5383828181005542, c2=0.03841071924486563 ...................
[CV] c1=0.5383828181005542, c2=0.03841071924486563, score=0.946646 - 1.7s
[CV] c1=0.45932518333010963, c2=0.05807947207491818 ..................
[CV] c1=0.45932518333010963, c2=0.05807947207491818, score=0.884120 - 1.7s
[CV] c1=0.6223773708649032, c2=0.007605247773857023 ..................
[CV] c1=0.6223773708649032, c2=0.007605247773857023, score=0.880765 - 1.9s
[CV] c1=0.3444576411414005, c2=0.0178963036693645 ....................
[CV] c1=0.3444576411414005, c2=0.0178963036693645, score=0.734741 - 1.6s
[CV] c1=0.649548584923434, c2=0.09611048012847326 ....................
[CV] c1=0.649548584923434, c2=0.09611048012847326, score=0.774513 - 1.2s
Training done in: 11.158256s
Saving training model...
Saving training model done in: 0.014234s
*********************************
Prediction done in: 0.048239s
-------------------------------- PARAMETERS --------------------------------
Path of training data set: /home/egaytan/automatic-extraction-growth-conditions/CRF/data-sets
File with training data set: training-data-set-70.txt
Path of test data set: /home/egaytan/automatic-extraction-growth-conditions/CRF/data-sets
File with test data set: test-data-set-30.txt
Exclude stop words: False
Levels: False False
Report file: _v11
Exclude symbols: False
-------------------------------- PROCESSING --------------------------------
Reading corpus...
Sentences training data: 286
Sentences test data: 123
Reading corpus done in: 0.003735s
-------------------------------- FEATURES --------------------------------
--------------------------Features Training ---------------------------
0 1
0 lemma 2
1 postag CD
2 -1:lemma fructose
3 -1:postag NN
4 -2:lemma Cra
5 -2:postag NNP
--------------------------- FeaturesTest -----------------------------
0 1
0 lemma delta-arca
1 postag NN
2 -1:lemma _
3 -1:postag NN
4 +1:lemma _
5 +1:postag CD
6 -2:lemma affyexp
7 -2:postag JJ
8 +2:lemma glucose
9 +2:postag NN
Fitting 10 folds for each of 20 candidates, totalling 200 fits
[CV] c1=0.08426040318830852, c2=0.002328265004792895 .................
[CV] c1=0.08426040318830852, c2=0.002328265004792895, score=0.876754 - 1.0s
[CV] c1=1.8566153502825635, c2=0.0595145726559928 ....................
[CV] c1=1.8566153502825635, c2=0.0595145726559928, score=0.870921 - 1.0s
[CV] c1=0.5240513458580968, c2=0.013581892070558639 ..................
[CV] c1=0.5240513458580968, c2=0.013581892070558639, score=0.911799 - 1.4s
[CV] c1=0.8398646451603109, c2=0.015812206995340566 ..................
[CV] c1=0.8398646451603109, c2=0.015812206995340566, score=0.911799 - 1.1s
[CV] c1=0.08086735329920966, c2=0.046728936926976494 .................
[CV] c1=0.08086735329920966, c2=0.046728936926976494, score=0.722395 - 1.2s
[CV] c1=0.08426040318830852, c2=0.002328265004792895 .................
[CV] c1=0.08426040318830852, c2=0.002328265004792895, score=0.853481 - 1.0s
[CV] c1=1.8566153502825635, c2=0.0595145726559928 ....................
[CV] c1=1.8566153502825635, c2=0.0595145726559928, score=0.679217 - 1.3s
[CV] c1=1.6432543044010746, c2=0.052616499777765384 ..................
[CV] c1=1.6432543044010746, c2=0.052616499777765384, score=0.870921 - 1.2s
[CV] c1=0.8398646451603109, c2=0.015812206995340566 ..................
[CV] c1=0.8398646451603109, c2=0.015812206995340566, score=0.801130 - 1.0s
[CV] c1=0.08086735329920966, c2=0.046728936926976494 .................
[CV] c1=0.08086735329920966, c2=0.046728936926976494, score=0.954937 - 1.1s
[CV] c1=0.04963393265100299, c2=0.088551724674726 ....................
[CV] c1=0.04963393265100299, c2=0.088551724674726, score=0.903499 - 1.4s
[CV] c1=0.1938501827725464, c2=0.060963666181269166 ..................
[CV] c1=0.1938501827725464, c2=0.060963666181269166, score=0.874448 - 1.3s
[CV] c1=0.46250133950837036, c2=0.03491945784167068 ..................
[CV] c1=0.46250133950837036, c2=0.03491945784167068, score=0.816898 - 1.3s
[CV] c1=0.16709072688926693, c2=0.03966093568152965 ..................
[CV] c1=0.16709072688926693, c2=0.03966093568152965, score=0.942868 - 1.4s
[CV] c1=0.3021941878425496, c2=0.003216589098510098 ..................
[CV] c1=0.3021941878425496, c2=0.003216589098510098, score=0.866353 - 1.1s
[CV] c1=0.20607603990598763, c2=0.0747627966661754 ...................
[CV] c1=0.20607603990598763, c2=0.0747627966661754, score=0.854935 - 1.2s
[CV] c1=0.5240513458580968, c2=0.013581892070558639 ..................
[CV] c1=0.5240513458580968, c2=0.013581892070558639, score=0.787478 - 1.4s
[CV] c1=0.8398646451603109, c2=0.015812206995340566 ..................
[CV] c1=0.8398646451603109, c2=0.015812206995340566, score=0.783151 - 1.2s
[CV] c1=0.08086735329920966, c2=0.046728936926976494 .................
[CV] c1=0.08086735329920966, c2=0.046728936926976494, score=0.796785 - 1.3s
[CV] c1=0.14521637026904505, c2=0.02160263268998293 ..................
[CV] c1=0.14521637026904505, c2=0.02160263268998293, score=0.836305 - 1.1s
[CV] c1=0.20607603990598763, c2=0.0747627966661754 ...................
[CV] c1=0.20607603990598763, c2=0.0747627966661754, score=0.924842 - 1.2s
[CV] c1=0.5240513458580968, c2=0.013581892070558639 ..................
[CV] c1=0.5240513458580968, c2=0.013581892070558639, score=0.692146 - 1.5s
[CV] c1=0.8398646451603109, c2=0.015812206995340566 ..................
[CV] c1=0.8398646451603109, c2=0.015812206995340566, score=0.820836 - 1.1s
[CV] c1=0.08086735329920966, c2=0.046728936926976494 .................
[CV] c1=0.08086735329920966, c2=0.046728936926976494, score=0.864680 - 1.2s
[CV] c1=0.04963393265100299, c2=0.088551724674726 ....................
[CV] c1=0.04963393265100299, c2=0.088551724674726, score=0.859890 - 1.5s
[CV] c1=0.1938501827725464, c2=0.060963666181269166 ..................
[CV] c1=0.1938501827725464, c2=0.060963666181269166, score=0.907893 - 1.2s
[CV] c1=0.46250133950837036, c2=0.03491945784167068 ..................
[CV] c1=0.46250133950837036, c2=0.03491945784167068, score=0.925933 - 1.4s
[CV] c1=0.08086735329920966, c2=0.046728936926976494 .................
[CV] c1=0.08086735329920966, c2=0.046728936926976494, score=0.839355 - 1.4s
[CV] c1=0.14521637026904505, c2=0.02160263268998293 ..................
[CV] c1=0.14521637026904505, c2=0.02160263268998293, score=0.924118 - 1.3s
[CV] c1=1.8566153502825635, c2=0.0595145726559928 ....................
[CV] c1=1.8566153502825635, c2=0.0595145726559928, score=0.695802 - 1.1s
[CV] c1=0.5240513458580968, c2=0.013581892070558639 ..................
[CV] c1=0.5240513458580968, c2=0.013581892070558639, score=0.854874 - 1.3s
[CV] c1=0.8398646451603109, c2=0.015812206995340566 ..................
[CV] c1=0.8398646451603109, c2=0.015812206995340566, score=0.626801 - 1.3s
[CV] c1=0.08086735329920966, c2=0.046728936926976494 .................
[CV] c1=0.08086735329920966, c2=0.046728936926976494, score=0.854811 - 1.4s
[CV] c1=0.3021941878425496, c2=0.003216589098510098 ..................
[CV] c1=0.3021941878425496, c2=0.003216589098510098, score=0.931824 - 1.1s
[CV] c1=1.8566153502825635, c2=0.0595145726559928 ....................
[CV] c1=1.8566153502825635, c2=0.0595145726559928, score=0.801531 - 1.4s
[CV] c1=0.04758003297351373, c2=0.10579732691225392 ..................
[CV] c1=0.04758003297351373, c2=0.10579732691225392, score=0.884047 - 1.1s
[CV] c1=0.4238319563930542, c2=0.08124852735361125 ...................
[CV] c1=0.4238319563930542, c2=0.08124852735361125, score=0.924842 - 1.1s
[CV] c1=0.22568008528765934, c2=0.025016650518504283 .................
[CV] c1=0.22568008528765934, c2=0.025016650518504283, score=0.888803 - 1.1s
[CV] c1=0.14521637026904505, c2=0.02160263268998293 ..................
[CV] c1=0.14521637026904505, c2=0.02160263268998293, score=0.931814 - 1.1s
[CV] c1=0.20607603990598763, c2=0.0747627966661754 ...................
[CV] c1=0.20607603990598763, c2=0.0747627966661754, score=0.824358 - 1.4s
[CV] c1=1.6432543044010746, c2=0.052616499777765384 ..................
[CV] c1=1.6432543044010746, c2=0.052616499777765384, score=0.597112 - 1.3s
[CV] c1=0.8398646451603109, c2=0.015812206995340566 ..................
[CV] c1=0.8398646451603109, c2=0.015812206995340566, score=0.912409 - 1.3s
[CV] c1=0.08086735329920966, c2=0.046728936926976494 .................
[CV] c1=0.08086735329920966, c2=0.046728936926976494, score=0.931814 - 1.3s
[CV] c1=0.3021941878425496, c2=0.003216589098510098 ..................
[CV] c1=0.3021941878425496, c2=0.003216589098510098, score=0.831726 - 1.2s
[CV] c1=1.8566153502825635, c2=0.0595145726559928 ....................
[CV] c1=1.8566153502825635, c2=0.0595145726559928, score=0.566809 - 1.3s
[CV] c1=1.6432543044010746, c2=0.052616499777765384 ..................
[CV] c1=1.6432543044010746, c2=0.052616499777765384, score=0.672936 - 1.3s
[CV] c1=0.8398646451603109, c2=0.015812206995340566 ..................
[CV] c1=0.8398646451603109, c2=0.015812206995340566, score=0.878774 - 1.2s
[CV] c1=0.08086735329920966, c2=0.046728936926976494 .................
[CV] c1=0.08086735329920966, c2=0.046728936926976494, score=0.843508 - 1.4s
[CV] c1=0.14521637026904505, c2=0.02160263268998293 ..................
[CV] c1=0.14521637026904505, c2=0.02160263268998293, score=0.888803 - 1.2s
[CV] c1=0.20607603990598763, c2=0.0747627966661754 ...................
[CV] c1=0.20607603990598763, c2=0.0747627966661754, score=0.779035 - 1.3s
[CV] c1=0.5240513458580968, c2=0.013581892070558639 ..................
[CV] c1=0.5240513458580968, c2=0.013581892070558639, score=0.931824 - 1.4s
[CV] c1=0.8398646451603109, c2=0.015812206995340566 ..................
[CV] c1=0.8398646451603109, c2=0.015812206995340566, score=0.863374 - 1.2s
[CV] c1=0.08086735329920966, c2=0.046728936926976494 .................
[CV] c1=0.08086735329920966, c2=0.046728936926976494, score=0.916685 - 1.4s
[CV] c1=0.04963393265100299, c2=0.088551724674726 ....................
[CV] c1=0.04963393265100299, c2=0.088551724674726, score=0.722395 - 1.2s
[CV] c1=0.1938501827725464, c2=0.060963666181269166 ..................
[CV] c1=0.1938501827725464, c2=0.060963666181269166, score=0.897917 - 1.2s
[CV] c1=0.04758003297351373, c2=0.10579732691225392 ..................
[CV] c1=0.04758003297351373, c2=0.10579732691225392, score=0.854811 - 1.2s
[CV] c1=0.42180099361133494, c2=0.054830905439908206 .................
[CV] c1=0.42180099361133494, c2=0.054830905439908206, score=0.857192 - 1.2s
[CV] c1=0.15129291116762528, c2=0.040969962486065804 .................
[CV] c1=0.15129291116762528, c2=0.040969962486065804, score=0.934983 - 1.0s
[CV] c1=0.14521637026904505, c2=0.02160263268998293 ..................
[CV] c1=0.14521637026904505, c2=0.02160263268998293, score=0.722395 - 1.1s
[CV] c1=0.20607603990598763, c2=0.0747627966661754 ...................
[CV] c1=0.20607603990598763, c2=0.0747627966661754, score=0.717373 - 1.4s
[CV] c1=0.5240513458580968, c2=0.013581892070558639 ..................
[CV] c1=0.5240513458580968, c2=0.013581892070558639, score=0.883573 - 1.4s
[CV] c1=0.4238319563930542, c2=0.08124852735361125 ...................
[CV] c1=0.4238319563930542, c2=0.08124852735361125, score=0.843546 - 1.2s
[CV] c1=0.22568008528765934, c2=0.025016650518504283 .................
[CV] c1=0.22568008528765934, c2=0.025016650518504283, score=0.722395 - 1.3s
[CV] c1=0.3021941878425496, c2=0.003216589098510098 ..................
[CV] c1=0.3021941878425496, c2=0.003216589098510098, score=0.896731 - 1.1s
[CV] c1=1.8566153502825635, c2=0.0595145726559928 ....................
[CV] c1=1.8566153502825635, c2=0.0595145726559928, score=0.754955 - 1.3s
[CV] c1=1.6432543044010746, c2=0.052616499777765384 ..................
[CV] c1=1.6432543044010746, c2=0.052616499777765384, score=0.710551 - 1.3s
[CV] c1=0.4238319563930542, c2=0.08124852735361125 ...................
[CV] c1=0.4238319563930542, c2=0.08124852735361125, score=0.816898 - 1.1s
[CV] c1=0.22568008528765934, c2=0.025016650518504283 .................
[CV] c1=0.22568008528765934, c2=0.025016650518504283, score=0.854935 - 1.2s
[CV] c1=0.08426040318830852, c2=0.002328265004792895 .................
[CV] c1=0.08426040318830852, c2=0.002328265004792895, score=0.893442 - 1.1s
[CV] c1=0.02350745992548303, c2=0.05840652032018121 ..................
[CV] c1=0.02350745992548303, c2=0.05840652032018121, score=0.934983 - 1.2s
[CV] c1=0.04758003297351373, c2=0.10579732691225392 ..................
[CV] c1=0.04758003297351373, c2=0.10579732691225392, score=0.934983 - 1.1s
[CV] c1=0.4238319563930542, c2=0.08124852735361125 ...................
[CV] c1=0.4238319563930542, c2=0.08124852735361125, score=0.907893 - 1.0s
[CV] c1=0.22568008528765934, c2=0.025016650518504283 .................
[CV] c1=0.22568008528765934, c2=0.025016650518504283, score=0.897917 - 1.2s
[CV] c1=0.3021941878425496, c2=0.003216589098510098 ..................
[CV] c1=0.3021941878425496, c2=0.003216589098510098, score=0.851449 - 1.2s
[CV] c1=1.8566153502825635, c2=0.0595145726559928 ....................
[CV] c1=1.8566153502825635, c2=0.0595145726559928, score=0.688062 - 1.2s
[CV] c1=1.6432543044010746, c2=0.052616499777765384 ..................
[CV] c1=1.6432543044010746, c2=0.052616499777765384, score=0.795650 - 1.3s
[CV] c1=0.4238319563930542, c2=0.08124852735361125 ...................
[CV] c1=0.4238319563930542, c2=0.08124852735361125, score=0.868208 - 1.1s
[CV] c1=0.22568008528765934, c2=0.025016650518504283 .................
[CV] c1=0.22568008528765934, c2=0.025016650518504283, score=0.792736 - 1.4s
[CV] c1=0.3021941878425496, c2=0.003216589098510098 ..................
[CV] c1=0.3021941878425496, c2=0.003216589098510098, score=0.736861 - 1.2s
[CV] c1=1.8566153502825635, c2=0.0595145726559928 ....................
[CV] c1=1.8566153502825635, c2=0.0595145726559928, score=0.773166 - 1.2s
[CV] c1=1.6432543044010746, c2=0.052616499777765384 ..................
[CV] c1=1.6432543044010746, c2=0.052616499777765384, score=0.694375 - 1.3s
[CV] c1=0.4238319563930542, c2=0.08124852735361125 ...................
[CV] c1=0.4238319563930542, c2=0.08124852735361125, score=0.782242 - 1.4s
[CV] c1=0.22568008528765934, c2=0.025016650518504283 .................
[CV] c1=0.22568008528765934, c2=0.025016650518504283, score=0.874448 - 1.3s
[CV] c1=0.08426040318830852, c2=0.002328265004792895 .................
[CV] c1=0.08426040318830852, c2=0.002328265004792895, score=0.835567 - 1.2s
[CV] c1=0.02350745992548303, c2=0.05840652032018121 ..................
[CV] c1=0.02350745992548303, c2=0.05840652032018121, score=0.722395 - 1.3s
[CV] c1=0.04758003297351373, c2=0.10579732691225392 ..................
[CV] c1=0.04758003297351373, c2=0.10579732691225392, score=0.796785 - 1.2s
[CV] c1=0.42180099361133494, c2=0.054830905439908206 .................
[CV] c1=0.42180099361133494, c2=0.054830905439908206, score=0.883247 - 1.1s
[CV] c1=0.15129291116762528, c2=0.040969962486065804 .................
[CV] c1=0.15129291116762528, c2=0.040969962486065804, score=0.897917 - 1.2s
[CV] c1=0.14521637026904505, c2=0.02160263268998293 ..................
[CV] c1=0.14521637026904505, c2=0.02160263268998293, score=0.904317 - 1.3s
[CV] c1=1.8566153502825635, c2=0.0595145726559928 ....................
[CV] c1=1.8566153502825635, c2=0.0595145726559928, score=0.681687 - 1.2s
[CV] c1=0.5240513458580968, c2=0.013581892070558639 ..................
[CV] c1=0.5240513458580968, c2=0.013581892070558639, score=0.942944 - 1.5s
[CV] c1=0.42180099361133494, c2=0.054830905439908206 .................
[CV] c1=0.42180099361133494, c2=0.054830905439908206, score=0.801520 - 1.3s
[CV] c1=0.15129291116762528, c2=0.040969962486065804 .................
[CV] c1=0.15129291116762528, c2=0.040969962486065804, score=0.892074 - 1.2s
[CV] c1=0.04963393265100299, c2=0.088551724674726 ....................
[CV] c1=0.04963393265100299, c2=0.088551724674726, score=0.854811 - 1.3s
[CV] c1=0.1938501827725464, c2=0.060963666181269166 ..................
[CV] c1=0.1938501827725464, c2=0.060963666181269166, score=0.854935 - 1.1s
[CV] c1=0.46250133950837036, c2=0.03491945784167068 ..................
[CV] c1=0.46250133950837036, c2=0.03491945784167068, score=0.865485 - 1.0s
[CV] c1=0.42180099361133494, c2=0.054830905439908206 .................
[CV] c1=0.42180099361133494, c2=0.054830905439908206, score=0.912963 - 1.2s
[CV] c1=0.15129291116762528, c2=0.040969962486065804 .................
[CV] c1=0.15129291116762528, c2=0.040969962486065804, score=0.874448 - 1.1s
[CV] c1=0.14521637026904505, c2=0.02160263268998293 ..................
[CV] c1=0.14521637026904505, c2=0.02160263268998293, score=0.889632 - 1.2s
[CV] c1=0.20607603990598763, c2=0.0747627966661754 ...................
[CV] c1=0.20607603990598763, c2=0.0747627966661754, score=0.892921 - 1.3s
[CV] c1=0.5240513458580968, c2=0.013581892070558639 ..................
[CV] c1=0.5240513458580968, c2=0.013581892070558639, score=0.812584 - 1.4s
[CV] c1=0.4238319563930542, c2=0.08124852735361125 ...................
[CV] c1=0.4238319563930542, c2=0.08124852735361125, score=0.691907 - 1.3s
[CV] c1=0.22568008528765934, c2=0.025016650518504283 .................
[CV] c1=0.22568008528765934, c2=0.025016650518504283, score=0.911518 - 1.3s
[CV] c1=0.14521637026904505, c2=0.02160263268998293 ..................
[CV] c1=0.14521637026904505, c2=0.02160263268998293, score=0.796785 - 1.2s
[CV] c1=0.20607603990598763, c2=0.0747627966661754 ...................
[CV] c1=0.20607603990598763, c2=0.0747627966661754, score=0.905627 - 1.4s
[CV] c1=1.6432543044010746, c2=0.052616499777765384 ..................
[CV] c1=1.6432543044010746, c2=0.052616499777765384, score=0.722550 - 1.3s
[CV] c1=0.4238319563930542, c2=0.08124852735361125 ...................
[CV] c1=0.4238319563930542, c2=0.08124852735361125, score=0.791992 - 1.3s
[CV] c1=0.22568008528765934, c2=0.025016650518504283 .................
[CV] c1=0.22568008528765934, c2=0.025016650518504283, score=0.939034 - 1.3s
[CV] c1=0.3021941878425496, c2=0.003216589098510098 ..................
[CV] c1=0.3021941878425496, c2=0.003216589098510098, score=0.787478 - 1.3s
[CV] c1=0.02350745992548303, c2=0.05840652032018121 ..................
[CV] c1=0.02350745992548303, c2=0.05840652032018121, score=0.884047 - 1.1s
[CV] c1=1.6432543044010746, c2=0.052616499777765384 ..................
[CV] c1=1.6432543044010746, c2=0.052616499777765384, score=0.824676 - 1.3s
[CV] c1=0.4238319563930542, c2=0.08124852735361125 ...................
[CV] c1=0.4238319563930542, c2=0.08124852735361125, score=0.857192 - 1.2s
[CV] c1=0.22568008528765934, c2=0.025016650518504283 .................
[CV] c1=0.22568008528765934, c2=0.025016650518504283, score=0.836305 - 1.3s
[CV] c1=0.04963393265100299, c2=0.088551724674726 ....................
[CV] c1=0.04963393265100299, c2=0.088551724674726, score=0.835967 - 1.2s
[CV] c1=0.02350745992548303, c2=0.05840652032018121 ..................
[CV] c1=0.02350745992548303, c2=0.05840652032018121, score=0.946778 - 1.2s
[CV] c1=0.04758003297351373, c2=0.10579732691225392 ..................
[CV] c1=0.04758003297351373, c2=0.10579732691225392, score=0.836305 - 1.2s
[CV] c1=0.42180099361133494, c2=0.054830905439908206 .................
[CV] c1=0.42180099361133494, c2=0.054830905439908206, score=0.942944 - 1.2s
[CV] c1=0.15129291116762528, c2=0.040969962486065804 .................
[CV] c1=0.15129291116762528, c2=0.040969962486065804, score=0.836305 - 1.1s
[CV] c1=0.08426040318830852, c2=0.002328265004792895 .................
[CV] c1=0.08426040318830852, c2=0.002328265004792895, score=0.867620 - 1.1s
[CV] c1=0.02350745992548303, c2=0.05840652032018121 ..................
[CV] c1=0.02350745992548303, c2=0.05840652032018121, score=0.850992 - 1.3s
[CV] c1=0.04758003297351373, c2=0.10579732691225392 ..................
[CV] c1=0.04758003297351373, c2=0.10579732691225392, score=0.722395 - 1.3s
[CV] c1=0.42180099361133494, c2=0.054830905439908206 .................
[CV] c1=0.42180099361133494, c2=0.054830905439908206, score=0.924842 - 1.2s
[CV] c1=0.15129291116762528, c2=0.040969962486065804 .................
[CV] c1=0.15129291116762528, c2=0.040969962486065804, score=0.722395 - 1.1s
[CV] c1=0.08426040318830852, c2=0.002328265004792895 .................
[CV] c1=0.08426040318830852, c2=0.002328265004792895, score=0.805308 - 1.5s
[CV] c1=0.1938501827725464, c2=0.060963666181269166 ..................
[CV] c1=0.1938501827725464, c2=0.060963666181269166, score=0.892074 - 1.1s
[CV] c1=0.04758003297351373, c2=0.10579732691225392 ..................
[CV] c1=0.04758003297351373, c2=0.10579732691225392, score=0.859890 - 1.3s
[CV] c1=0.42180099361133494, c2=0.054830905439908206 .................
[CV] c1=0.42180099361133494, c2=0.054830905439908206, score=0.899124 - 1.2s
[CV] c1=0.15129291116762528, c2=0.040969962486065804 .................
[CV] c1=0.15129291116762528, c2=0.040969962486065804, score=0.942868 - 1.1s
[CV] c1=0.08426040318830852, c2=0.002328265004792895 .................
[CV] c1=0.08426040318830852, c2=0.002328265004792895, score=0.851656 - 1.2s
[CV] c1=0.02350745992548303, c2=0.05840652032018121 ..................
[CV] c1=0.02350745992548303, c2=0.05840652032018121, score=0.854811 - 1.2s
[CV] c1=0.04758003297351373, c2=0.10579732691225392 ..................
[CV] c1=0.04758003297351373, c2=0.10579732691225392, score=0.916469 - 1.2s
[CV] c1=0.42180099361133494, c2=0.054830905439908206 .................
[CV] c1=0.42180099361133494, c2=0.054830905439908206, score=0.779035 - 1.3s
[CV] c1=0.15129291116762528, c2=0.040969962486065804 .................
[CV] c1=0.15129291116762528, c2=0.040969962486065804, score=0.854935 - 1.2s
[CV] c1=0.3021941878425496, c2=0.003216589098510098 ..................
[CV] c1=0.3021941878425496, c2=0.003216589098510098, score=0.921438 - 1.1s
[CV] c1=1.8566153502825635, c2=0.0595145726559928 ....................
[CV] c1=1.8566153502825635, c2=0.0595145726559928, score=0.867486 - 1.3s
[CV] c1=0.04758003297351373, c2=0.10579732691225392 ..................
[CV] c1=0.04758003297351373, c2=0.10579732691225392, score=0.835967 - 1.4s
[CV] c1=0.42180099361133494, c2=0.054830905439908206 .................
[CV] c1=0.42180099361133494, c2=0.054830905439908206, score=0.816898 - 1.2s
[CV] c1=0.15129291116762528, c2=0.040969962486065804 .................
[CV] c1=0.15129291116762528, c2=0.040969962486065804, score=0.913784 - 1.2s
[CV] c1=0.04963393265100299, c2=0.088551724674726 ....................
[CV] c1=0.04963393265100299, c2=0.088551724674726, score=0.934983 - 1.4s
[CV] c1=0.1938501827725464, c2=0.060963666181269166 ..................
[CV] c1=0.1938501827725464, c2=0.060963666181269166, score=0.934983 - 1.2s
[CV] c1=0.46250133950837036, c2=0.03491945784167068 ..................
[CV] c1=0.46250133950837036, c2=0.03491945784167068, score=0.930914 - 1.2s
[CV] c1=0.16709072688926693, c2=0.03966093568152965 ..................
[CV] c1=0.16709072688926693, c2=0.03966093568152965, score=0.934983 - 1.1s
[CV] c1=0.39517791711719746, c2=0.009650373540785788 .................
[CV] c1=0.39517791711719746, c2=0.009650373540785788, score=0.881266 - 1.1s
[CV] c1=0.08426040318830852, c2=0.002328265004792895 .................
[CV] c1=0.08426040318830852, c2=0.002328265004792895, score=0.716783 - 1.2s
[CV] c1=0.02350745992548303, c2=0.05840652032018121 ..................
[CV] c1=0.02350745992548303, c2=0.05840652032018121, score=0.796785 - 1.2s
[CV] c1=1.6432543044010746, c2=0.052616499777765384 ..................
[CV] c1=1.6432543044010746, c2=0.052616499777765384, score=0.846343 - 1.3s
[CV] c1=0.42180099361133494, c2=0.054830905439908206 .................
[CV] c1=0.42180099361133494, c2=0.054830905439908206, score=0.691907 - 1.3s
[CV] c1=0.15129291116762528, c2=0.040969962486065804 .................
[CV] c1=0.15129291116762528, c2=0.040969962486065804, score=0.796785 - 1.2s
[CV] c1=0.3021941878425496, c2=0.003216589098510098 ..................
[CV] c1=0.3021941878425496, c2=0.003216589098510098, score=0.824358 - 1.3s
[CV] c1=0.02350745992548303, c2=0.05840652032018121 ..................
[CV] c1=0.02350745992548303, c2=0.05840652032018121, score=0.864680 - 1.3s
[CV] c1=0.04758003297351373, c2=0.10579732691225392 ..................
[CV] c1=0.04758003297351373, c2=0.10579732691225392, score=0.935724 - 1.3s
[CV] c1=0.16709072688926693, c2=0.03966093568152965 ..................
[CV] c1=0.16709072688926693, c2=0.03966093568152965, score=0.883247 - 1.2s
[CV] c1=0.39517791711719746, c2=0.009650373540785788 .................
[CV] c1=0.39517791711719746, c2=0.009650373540785788, score=0.866353 - 1.1s
[CV] c1=0.14521637026904505, c2=0.02160263268998293 ..................
[CV] c1=0.14521637026904505, c2=0.02160263268998293, score=0.859890 - 1.2s
[CV] c1=0.20607603990598763, c2=0.0747627966661754 ...................
[CV] c1=0.20607603990598763, c2=0.0747627966661754, score=0.942868 - 1.4s
[CV] c1=1.6432543044010746, c2=0.052616499777765384 ..................
[CV] c1=1.6432543044010746, c2=0.052616499777765384, score=0.759434 - 1.4s
[CV] c1=0.4238319563930542, c2=0.08124852735361125 ...................
[CV] c1=0.4238319563930542, c2=0.08124852735361125, score=0.939034 - 1.1s
[CV] c1=0.22568008528765934, c2=0.025016650518504283 .................
[CV] c1=0.22568008528765934, c2=0.025016650518504283, score=0.954937 - 1.3s
[CV] c1=0.04963393265100299, c2=0.088551724674726 ....................
[CV] c1=0.04963393265100299, c2=0.088551724674726, score=0.946778 - 1.4s
[CV] c1=0.5240513458580968, c2=0.013581892070558639 ..................
[CV] c1=0.5240513458580968, c2=0.013581892070558639, score=0.850062 - 1.1s
[CV] c1=0.46250133950837036, c2=0.03491945784167068 ..................
[CV] c1=0.46250133950837036, c2=0.03491945784167068, score=0.860215 - 1.1s
[CV] c1=0.16709072688926693, c2=0.03966093568152965 ..................
[CV] c1=0.16709072688926693, c2=0.03966093568152965, score=0.854935 - 1.2s
[CV] c1=0.39517791711719746, c2=0.009650373540785788 .................
[CV] c1=0.39517791711719746, c2=0.009650373540785788, score=0.886265 - 1.0s
[CV] c1=0.08426040318830852, c2=0.002328265004792895 .................
[CV] c1=0.08426040318830852, c2=0.002328265004792895, score=0.928006 - 1.1s
[CV] c1=0.02350745992548303, c2=0.05840652032018121 ..................
[CV] c1=0.02350745992548303, c2=0.05840652032018121, score=0.922360 - 1.4s
[CV] c1=0.46250133950837036, c2=0.03491945784167068 ..................
[CV] c1=0.46250133950837036, c2=0.03491945784167068, score=0.872512 - 1.1s
[CV] c1=0.16709072688926693, c2=0.03966093568152965 ..................
[CV] c1=0.16709072688926693, c2=0.03966093568152965, score=0.897917 - 1.3s
[CV] c1=0.39517791711719746, c2=0.009650373540785788 .................
[CV] c1=0.39517791711719746, c2=0.009650373540785788, score=0.707667 - 1.1s
[CV] c1=0.04963393265100299, c2=0.088551724674726 ....................
[CV] c1=0.04963393265100299, c2=0.088551724674726, score=0.836305 - 1.4s
[CV] c1=0.1938501827725464, c2=0.060963666181269166 ..................
[CV] c1=0.1938501827725464, c2=0.060963666181269166, score=0.942868 - 1.2s
[CV] c1=0.46250133950837036, c2=0.03491945784167068 ..................
[CV] c1=0.46250133950837036, c2=0.03491945784167068, score=0.939034 - 1.1s
[CV] c1=0.16709072688926693, c2=0.03966093568152965 ..................
[CV] c1=0.16709072688926693, c2=0.03966093568152965, score=0.874448 - 1.2s
[CV] c1=0.39517791711719746, c2=0.009650373540785788 .................
[CV] c1=0.39517791711719746, c2=0.009650373540785788, score=0.797327 - 1.0s
[CV] c1=0.14521637026904505, c2=0.02160263268998293 ..................
[CV] c1=0.14521637026904505, c2=0.02160263268998293, score=0.954937 - 1.0s
[CV] c1=0.20607603990598763, c2=0.0747627966661754 ...................
[CV] c1=0.20607603990598763, c2=0.0747627966661754, score=0.897917 - 1.2s
[CV] c1=0.5240513458580968, c2=0.013581892070558639 ..................
[CV] c1=0.5240513458580968, c2=0.013581892070558639, score=0.793257 - 1.3s
[CV] c1=0.8398646451603109, c2=0.015812206995340566 ..................
[CV] c1=0.8398646451603109, c2=0.015812206995340566, score=0.814901 - 0.9s
[CV] c1=0.16709072688926693, c2=0.03966093568152965 ..................
[CV] c1=0.16709072688926693, c2=0.03966093568152965, score=0.788819 - 1.4s
[CV] c1=0.39517791711719746, c2=0.009650373540785788 .................
[CV] c1=0.39517791711719746, c2=0.009650373540785788, score=0.846642 - 1.0s
[CV] c1=0.04963393265100299, c2=0.088551724674726 ....................
[CV] c1=0.04963393265100299, c2=0.088551724674726, score=0.884047 - 1.1s
[CV] c1=0.02350745992548303, c2=0.05840652032018121 ..................
[CV] c1=0.02350745992548303, c2=0.05840652032018121, score=0.852136 - 1.3s
[CV] c1=0.46250133950837036, c2=0.03491945784167068 ..................
[CV] c1=0.46250133950837036, c2=0.03491945784167068, score=0.863743 - 1.3s
[CV] c1=0.16709072688926693, c2=0.03966093568152965 ..................
[CV] c1=0.16709072688926693, c2=0.03966093568152965, score=0.722395 - 1.4s
[CV] c1=0.39517791711719746, c2=0.009650373540785788 .................
[CV] c1=0.39517791711719746, c2=0.009650373540785788, score=0.931824 - 1.0s
[CV] c1=0.08426040318830852, c2=0.002328265004792895 .................
[CV] c1=0.08426040318830852, c2=0.002328265004792895, score=0.927980 - 1.5s
[CV] c1=0.1938501827725464, c2=0.060963666181269166 ..................
[CV] c1=0.1938501827725464, c2=0.060963666181269166, score=0.796785 - 1.2s
[CV] c1=0.46250133950837036, c2=0.03491945784167068 ..................
[CV] c1=0.46250133950837036, c2=0.03491945784167068, score=0.782886 - 1.4s
[CV] c1=0.16709072688926693, c2=0.03966093568152965 ..................
[CV] c1=0.16709072688926693, c2=0.03966093568152965, score=0.836305 - 1.3s
[CV] c1=0.39517791711719746, c2=0.009650373540785788 .................
[CV] c1=0.39517791711719746, c2=0.009650373540785788, score=0.907780 - 0.9s
[CV] c1=0.04963393265100299, c2=0.088551724674726 ....................
[CV] c1=0.04963393265100299, c2=0.088551724674726, score=0.796785 - 1.4s
[CV] c1=0.1938501827725464, c2=0.060963666181269166 ..................
[CV] c1=0.1938501827725464, c2=0.060963666181269166, score=0.722395 - 1.2s
[CV] c1=0.46250133950837036, c2=0.03491945784167068 ..................
[CV] c1=0.46250133950837036, c2=0.03491945784167068, score=0.702493 - 1.4s
[CV] c1=0.16709072688926693, c2=0.03966093568152965 ..................
[CV] c1=0.16709072688926693, c2=0.03966093568152965, score=0.913784 - 1.4s
[CV] c1=0.39517791711719746, c2=0.009650373540785788 .................
[CV] c1=0.39517791711719746, c2=0.009650373540785788, score=0.815919 - 0.9s
Training done in: 8.310973s
Saving training model...
Saving training model done in: 0.013086s
*********************************
Prediction done in: 0.030126s
-------------------------------- PARAMETERS --------------------------------
Path of training data set: /home/egaytan/automatic-extraction-growth-conditions/CRF/data-sets
File with training data set: training-data-set-70.txt
Path of test data set: /home/egaytan/automatic-extraction-growth-conditions/CRF/data-sets
File with test data set: test-data-set-30.txt
Exclude stop words: False
Levels: True False
Report file: _v11
Exclude symbols: False
-------------------------------- PROCESSING --------------------------------
Reading corpus...
Sentences training data: 286
Sentences test data: 123
Reading corpus done in: 0.003670s
-------------------------------- FEATURES --------------------------------
--------------------------Features Training ---------------------------
0 1
0 lemma 2
1 postag CD
2 -1:lemma fructose
3 -1:postag NN
4 hUpper False
5 hLower False
6 hGreek False
7 symb False
8 lemma[:1] 2
9 postag[:1] C
10 postag[:2] CD
11 -2:lemma Cra
12 -2:postag NNP
--------------------------- FeaturesTest -----------------------------
0 1
0 lemma delta-arca
1 postag NN
2 -1:lemma _
3 -1:postag NN
4 +1:lemma _
5 +1:postag CD
6 hUpper True
7 hLower True
8 hGreek False
9 symb True
10 lemma[:1] d
11 postag[:1] N
12 lemma[:2] de
13 postag[:2] NN
14 -2:lemma affyexp
15 -2:postag JJ
16 +2:lemma glucose
17 +2:postag NN
Fitting 10 folds for each of 20 candidates, totalling 200 fits
[CV] c1=0.9362245178762235, c2=0.0036840823697806197 .................
[CV] c1=0.9362245178762235, c2=0.0036840823697806197, score=0.744355 - 1.3s
[CV] c1=0.21944861613366148, c2=0.007493367060064349 .................
[CV] c1=0.21944861613366148, c2=0.007493367060064349, score=0.822757 - 1.4s
[CV] c1=1.1791456131357725, c2=0.009905947625121205 ..................
[CV] c1=1.1791456131357725, c2=0.009905947625121205, score=0.918061 - 1.9s
[CV] c1=1.1770464694382454, c2=0.07280122254622126 ...................
[CV] c1=1.1770464694382454, c2=0.07280122254622126, score=0.894139 - 1.6s
[CV] c1=0.151964914335486, c2=0.06419525243307017 ....................
[CV] c1=0.151964914335486, c2=0.06419525243307017, score=0.864177 - 1.5s
[CV] c1=1.508340551127507, c2=0.021335543550593316 ...................
[CV] c1=1.508340551127507, c2=0.021335543550593316, score=0.876836 - 1.2s
[CV] c1=0.4737963896619468, c2=0.010699938700759807 ..................
[CV] c1=0.4737963896619468, c2=0.010699938700759807, score=0.820742 - 1.6s
[CV] c1=0.09326310944142512, c2=0.02293857362257262 ..................
[CV] c1=0.09326310944142512, c2=0.02293857362257262, score=0.825305 - 1.4s
[CV] c1=1.1770464694382454, c2=0.07280122254622126 ...................
[CV] c1=1.1770464694382454, c2=0.07280122254622126, score=0.918061 - 1.4s
[CV] c1=0.151964914335486, c2=0.06419525243307017 ....................
[CV] c1=0.151964914335486, c2=0.06419525243307017, score=0.683730 - 1.5s
[CV] c1=0.005294883330735351, c2=0.01797692767656751 .................
[CV] c1=0.005294883330735351, c2=0.01797692767656751, score=0.862409 - 1.2s
[CV] c1=0.21944861613366148, c2=0.007493367060064349 .................
[CV] c1=0.21944861613366148, c2=0.007493367060064349, score=0.974589 - 1.8s
[CV] c1=0.09326310944142512, c2=0.02293857362257262 ..................
[CV] c1=0.09326310944142512, c2=0.02293857362257262, score=0.852603 - 1.6s
[CV] c1=0.19547632362615144, c2=0.051817682646593026 .................
[CV] c1=0.19547632362615144, c2=0.051817682646593026, score=0.856825 - 1.4s
[CV] c1=0.151964914335486, c2=0.06419525243307017 ....................
[CV] c1=0.151964914335486, c2=0.06419525243307017, score=0.823313 - 1.6s
[CV] c1=0.005294883330735351, c2=0.01797692767656751 .................
[CV] c1=0.005294883330735351, c2=0.01797692767656751, score=0.892089 - 1.5s
[CV] c1=0.4737963896619468, c2=0.010699938700759807 ..................
[CV] c1=0.4737963896619468, c2=0.010699938700759807, score=0.862528 - 1.6s
[CV] c1=0.09326310944142512, c2=0.02293857362257262 ..................
[CV] c1=0.09326310944142512, c2=0.02293857362257262, score=0.926731 - 1.4s
[CV] c1=0.19547632362615144, c2=0.051817682646593026 .................
[CV] c1=0.19547632362615144, c2=0.051817682646593026, score=0.839218 - 1.6s
[CV] c1=0.151964914335486, c2=0.06419525243307017 ....................
[CV] c1=0.151964914335486, c2=0.06419525243307017, score=0.843508 - 1.3s
[CV] c1=0.9362245178762235, c2=0.0036840823697806197 .................
[CV] c1=0.9362245178762235, c2=0.0036840823697806197, score=0.808908 - 1.2s
[CV] c1=0.21944861613366148, c2=0.007493367060064349 .................
[CV] c1=0.21944861613366148, c2=0.007493367060064349, score=0.850984 - 1.6s
[CV] c1=0.13542106358526157, c2=0.06613572987227866 ..................
[CV] c1=0.13542106358526157, c2=0.06613572987227866, score=0.844946 - 1.6s
[CV] c1=0.01625033152790397, c2=0.004437967561302151 .................
[CV] c1=0.01625033152790397, c2=0.004437967561302151, score=0.854858 - 2.1s
[CV] c1=0.151964914335486, c2=0.06419525243307017 ....................
[CV] c1=0.151964914335486, c2=0.06419525243307017, score=0.913115 - 1.5s
[CV] c1=0.015260815191617596, c2=0.010533468233650554 ................
[CV] c1=0.015260815191617596, c2=0.010533468233650554, score=0.817270 - 1.8s
[CV] c1=1.1791456131357725, c2=0.009905947625121205 ..................
[CV] c1=1.1791456131357725, c2=0.009905947625121205, score=0.927009 - 2.0s
[CV] c1=1.1770464694382454, c2=0.07280122254622126 ...................
[CV] c1=1.1770464694382454, c2=0.07280122254622126, score=0.593314 - 1.9s
[CV] c1=0.151964914335486, c2=0.06419525243307017 ....................
[CV] c1=0.151964914335486, c2=0.06419525243307017, score=0.893806 - 1.5s
[CV] c1=1.508340551127507, c2=0.021335543550593316 ...................
[CV] c1=1.508340551127507, c2=0.021335543550593316, score=0.593314 - 1.8s
[CV] c1=1.1791456131357725, c2=0.009905947625121205 ..................
[CV] c1=1.1791456131357725, c2=0.009905947625121205, score=0.727632 - 1.5s
[CV] c1=0.41069923197664315, c2=0.02601572011706776 ..................
[CV] c1=0.41069923197664315, c2=0.02601572011706776, score=0.877930 - 1.4s
[CV] c1=0.19547632362615144, c2=0.051817682646593026 .................
[CV] c1=0.19547632362615144, c2=0.051817682646593026, score=0.931609 - 1.4s
[CV] c1=0.7691901366762777, c2=0.018786342851753436 ..................
[CV] c1=0.7691901366762777, c2=0.018786342851753436, score=0.738299 - 1.4s
[CV] c1=0.015260815191617596, c2=0.010533468233650554 ................
[CV] c1=0.015260815191617596, c2=0.010533468233650554, score=0.884690 - 1.4s
[CV] c1=1.1791456131357725, c2=0.009905947625121205 ..................
[CV] c1=1.1791456131357725, c2=0.009905947625121205, score=0.889202 - 1.4s
[CV] c1=0.01625033152790397, c2=0.004437967561302151 .................
[CV] c1=0.01625033152790397, c2=0.004437967561302151, score=0.928892 - 1.4s
[CV] c1=0.6526918794500971, c2=0.014168653025375195 ..................
[CV] c1=0.6526918794500971, c2=0.014168653025375195, score=0.818750 - 1.3s
[CV] c1=0.7691901366762777, c2=0.018786342851753436 ..................
[CV] c1=0.7691901366762777, c2=0.018786342851753436, score=0.621607 - 1.4s
[CV] c1=0.9362245178762235, c2=0.0036840823697806197 .................
[CV] c1=0.9362245178762235, c2=0.0036840823697806197, score=0.821991 - 1.5s
[CV] c1=0.21944861613366148, c2=0.007493367060064349 .................
[CV] c1=0.21944861613366148, c2=0.007493367060064349, score=0.901996 - 1.6s
[CV] c1=0.13542106358526157, c2=0.06613572987227866 ..................
[CV] c1=0.13542106358526157, c2=0.06613572987227866, score=0.928660 - 1.9s
[CV] c1=0.19547632362615144, c2=0.051817682646593026 .................
[CV] c1=0.19547632362615144, c2=0.051817682646593026, score=0.825305 - 1.7s
[CV] c1=0.7691901366762777, c2=0.018786342851753436 ..................
[CV] c1=0.7691901366762777, c2=0.018786342851753436, score=0.918674 - 1.5s
[CV] c1=0.9362245178762235, c2=0.0036840823697806197 .................
[CV] c1=0.9362245178762235, c2=0.0036840823697806197, score=0.932900 - 1.6s
[CV] c1=0.21944861613366148, c2=0.007493367060064349 .................
[CV] c1=0.21944861613366148, c2=0.007493367060064349, score=0.925560 - 1.6s
[CV] c1=0.09326310944142512, c2=0.02293857362257262 ..................
[CV] c1=0.09326310944142512, c2=0.02293857362257262, score=0.841914 - 1.5s
[CV] c1=1.1770464694382454, c2=0.07280122254622126 ...................
[CV] c1=1.1770464694382454, c2=0.07280122254622126, score=0.800885 - 1.7s
[CV] c1=0.151964914335486, c2=0.06419525243307017 ....................
[CV] c1=0.151964914335486, c2=0.06419525243307017, score=0.871570 - 1.6s
[CV] c1=1.508340551127507, c2=0.021335543550593316 ...................
[CV] c1=1.508340551127507, c2=0.021335543550593316, score=0.782611 - 1.4s
[CV] c1=0.3279727332028919, c2=0.004720316064409802 ..................
[CV] c1=0.3279727332028919, c2=0.004720316064409802, score=0.729474 - 1.6s
[CV] c1=0.41069923197664315, c2=0.02601572011706776 ..................
[CV] c1=0.41069923197664315, c2=0.02601572011706776, score=0.702472 - 1.6s
[CV] c1=0.6526918794500971, c2=0.014168653025375195 ..................
[CV] c1=0.6526918794500971, c2=0.014168653025375195, score=0.810655 - 1.4s
[CV] c1=0.7691901366762777, c2=0.018786342851753436 ..................
[CV] c1=0.7691901366762777, c2=0.018786342851753436, score=0.868123 - 1.5s
[CV] c1=1.508340551127507, c2=0.021335543550593316 ...................
[CV] c1=1.508340551127507, c2=0.021335543550593316, score=0.759234 - 1.4s
[CV] c1=0.3279727332028919, c2=0.004720316064409802 ..................
[CV] c1=0.3279727332028919, c2=0.004720316064409802, score=0.923594 - 1.5s
[CV] c1=0.41069923197664315, c2=0.02601572011706776 ..................
[CV] c1=0.41069923197664315, c2=0.02601572011706776, score=0.825609 - 1.7s
[CV] c1=0.6526918794500971, c2=0.014168653025375195 ..................
[CV] c1=0.6526918794500971, c2=0.014168653025375195, score=0.918674 - 1.4s
[CV] c1=0.7691901366762777, c2=0.018786342851753436 ..................
[CV] c1=0.7691901366762777, c2=0.018786342851753436, score=0.929634 - 1.4s
[CV] c1=0.9362245178762235, c2=0.0036840823697806197 .................
[CV] c1=0.9362245178762235, c2=0.0036840823697806197, score=0.633367 - 1.5s
[CV] c1=0.21944861613366148, c2=0.007493367060064349 .................
[CV] c1=0.21944861613366148, c2=0.007493367060064349, score=0.946672 - 1.5s
[CV] c1=0.13542106358526157, c2=0.06613572987227866 ..................
[CV] c1=0.13542106358526157, c2=0.06613572987227866, score=0.691973 - 1.7s
[CV] c1=1.1770464694382454, c2=0.07280122254622126 ...................
[CV] c1=1.1770464694382454, c2=0.07280122254622126, score=0.818750 - 2.0s
[CV] c1=0.151964914335486, c2=0.06419525243307017 ....................
[CV] c1=0.151964914335486, c2=0.06419525243307017, score=0.931609 - 1.7s
[CV] c1=0.9362245178762235, c2=0.0036840823697806197 .................
[CV] c1=0.9362245178762235, c2=0.0036840823697806197, score=0.872081 - 1.4s
[CV] c1=0.21944861613366148, c2=0.007493367060064349 .................
[CV] c1=0.21944861613366148, c2=0.007493367060064349, score=0.867416 - 1.6s
[CV] c1=0.13542106358526157, c2=0.06613572987227866 ..................
[CV] c1=0.13542106358526157, c2=0.06613572987227866, score=0.876526 - 1.7s
[CV] c1=1.1770464694382454, c2=0.07280122254622126 ...................
[CV] c1=1.1770464694382454, c2=0.07280122254622126, score=0.873607 - 2.0s
[CV] c1=0.7691901366762777, c2=0.018786342851753436 ..................
[CV] c1=0.7691901366762777, c2=0.018786342851753436, score=0.812173 - 1.7s
[CV] c1=0.015260815191617596, c2=0.010533468233650554 ................
[CV] c1=0.015260815191617596, c2=0.010533468233650554, score=0.925560 - 1.6s
[CV] c1=0.13542106358526157, c2=0.06613572987227866 ..................
[CV] c1=0.13542106358526157, c2=0.06613572987227866, score=0.839327 - 1.9s
[CV] c1=1.1770464694382454, c2=0.07280122254622126 ...................
[CV] c1=1.1770464694382454, c2=0.07280122254622126, score=0.923229 - 2.0s
[CV] c1=0.7691901366762777, c2=0.018786342851753436 ..................
[CV] c1=0.7691901366762777, c2=0.018786342851753436, score=0.927148 - 1.6s
[CV] c1=0.015260815191617596, c2=0.010533468233650554 ................
[CV] c1=0.015260815191617596, c2=0.010533468233650554, score=0.918835 - 1.6s
[CV] c1=1.1791456131357725, c2=0.009905947625121205 ..................
[CV] c1=1.1791456131357725, c2=0.009905947625121205, score=0.818165 - 1.6s
[CV] c1=0.01625033152790397, c2=0.004437967561302151 .................
[CV] c1=0.01625033152790397, c2=0.004437967561302151, score=0.913446 - 1.5s
[CV] c1=1.0574768522936129, c2=0.010094693629619428 ..................
[CV] c1=1.0574768522936129, c2=0.010094693629619428, score=0.818750 - 1.3s
[CV] c1=0.16617627893415826, c2=0.016246283722594547 .................
[CV] c1=0.16617627893415826, c2=0.016246283722594547, score=0.925560 - 1.2s
[CV] c1=0.015260815191617596, c2=0.010533468233650554 ................
[CV] c1=0.015260815191617596, c2=0.010533468233650554, score=0.946685 - 1.5s
[CV] c1=1.1791456131357725, c2=0.009905947625121205 ..................
[CV] c1=1.1791456131357725, c2=0.009905947625121205, score=0.609476 - 1.7s
[CV] c1=0.01625033152790397, c2=0.004437967561302151 .................
[CV] c1=0.01625033152790397, c2=0.004437967561302151, score=0.888815 - 1.4s
[CV] c1=0.6526918794500971, c2=0.014168653025375195 ..................
[CV] c1=0.6526918794500971, c2=0.014168653025375195, score=0.929634 - 1.5s
[CV] c1=0.16617627893415826, c2=0.016246283722594547 .................
[CV] c1=0.16617627893415826, c2=0.016246283722594547, score=0.969625 - 1.3s
[CV] c1=0.005294883330735351, c2=0.01797692767656751 .................
[CV] c1=0.005294883330735351, c2=0.01797692767656751, score=0.730024 - 1.6s
[CV] c1=0.4737963896619468, c2=0.010699938700759807 ..................
[CV] c1=0.4737963896619468, c2=0.010699938700759807, score=0.905760 - 1.5s
[CV] c1=0.09326310944142512, c2=0.02293857362257262 ..................
[CV] c1=0.09326310944142512, c2=0.02293857362257262, score=0.881315 - 1.7s
[CV] c1=0.19547632362615144, c2=0.051817682646593026 .................
[CV] c1=0.19547632362615144, c2=0.051817682646593026, score=0.916643 - 1.6s
[CV] c1=0.7691901366762777, c2=0.018786342851753436 ..................
[CV] c1=0.7691901366762777, c2=0.018786342851753436, score=0.811582 - 1.6s
[CV] c1=0.005294883330735351, c2=0.01797692767656751 .................
[CV] c1=0.005294883330735351, c2=0.01797692767656751, score=0.860761 - 1.6s
[CV] c1=0.4737963896619468, c2=0.010699938700759807 ..................
[CV] c1=0.4737963896619468, c2=0.010699938700759807, score=0.824101 - 1.6s
[CV] c1=0.09326310944142512, c2=0.02293857362257262 ..................
[CV] c1=0.09326310944142512, c2=0.02293857362257262, score=0.858859 - 1.6s
[CV] c1=0.19547632362615144, c2=0.051817682646593026 .................
[CV] c1=0.19547632362615144, c2=0.051817682646593026, score=0.950946 - 1.6s
[CV] c1=0.7691901366762777, c2=0.018786342851753436 ..................
[CV] c1=0.7691901366762777, c2=0.018786342851753436, score=0.845991 - 1.5s
[CV] c1=0.005294883330735351, c2=0.01797692767656751 .................
[CV] c1=0.005294883330735351, c2=0.01797692767656751, score=0.886827 - 1.5s
[CV] c1=0.4737963896619468, c2=0.010699938700759807 ..................
[CV] c1=0.4737963896619468, c2=0.010699938700759807, score=0.927302 - 1.8s
[CV] c1=0.41069923197664315, c2=0.02601572011706776 ..................
[CV] c1=0.41069923197664315, c2=0.02601572011706776, score=0.872077 - 1.5s
[CV] c1=0.6526918794500971, c2=0.014168653025375195 ..................
[CV] c1=0.6526918794500971, c2=0.014168653025375195, score=0.868123 - 1.8s
[CV] c1=0.4639226651882826, c2=0.1771708074662829 ....................
[CV] c1=0.4639226651882826, c2=0.1771708074662829, score=0.823092 - 1.2s
[CV] c1=0.9362245178762235, c2=0.0036840823697806197 .................
[CV] c1=0.9362245178762235, c2=0.0036840823697806197, score=0.894139 - 1.3s
[CV] c1=0.21944861613366148, c2=0.007493367060064349 .................
[CV] c1=0.21944861613366148, c2=0.007493367060064349, score=0.718921 - 1.6s
[CV] c1=0.13542106358526157, c2=0.06613572987227866 ..................
[CV] c1=0.13542106358526157, c2=0.06613572987227866, score=0.823313 - 1.6s
[CV] c1=1.1770464694382454, c2=0.07280122254622126 ...................
[CV] c1=1.1770464694382454, c2=0.07280122254622126, score=0.777170 - 1.6s
[CV] c1=0.151964914335486, c2=0.06419525243307017 ....................
[CV] c1=0.151964914335486, c2=0.06419525243307017, score=0.839218 - 2.0s
[CV] c1=0.9362245178762235, c2=0.0036840823697806197 .................
[CV] c1=0.9362245178762235, c2=0.0036840823697806197, score=0.818750 - 1.7s
[CV] c1=0.4737963896619468, c2=0.010699938700759807 ..................
[CV] c1=0.4737963896619468, c2=0.010699938700759807, score=0.824733 - 1.5s
[CV] c1=0.13542106358526157, c2=0.06613572987227866 ..................
[CV] c1=0.13542106358526157, c2=0.06613572987227866, score=0.843508 - 1.6s
[CV] c1=1.1770464694382454, c2=0.07280122254622126 ...................
[CV] c1=1.1770464694382454, c2=0.07280122254622126, score=0.767841 - 1.6s
[CV] c1=0.151964914335486, c2=0.06419525243307017 ....................
[CV] c1=0.151964914335486, c2=0.06419525243307017, score=0.900263 - 1.6s
[CV] c1=1.508340551127507, c2=0.021335543550593316 ...................
[CV] c1=1.508340551127507, c2=0.021335543550593316, score=0.907943 - 1.6s
[CV] c1=0.3279727332028919, c2=0.004720316064409802 ..................
[CV] c1=0.3279727332028919, c2=0.004720316064409802, score=0.827435 - 1.6s
[CV] c1=0.41069923197664315, c2=0.02601572011706776 ..................
[CV] c1=0.41069923197664315, c2=0.02601572011706776, score=0.824101 - 1.5s
[CV] c1=0.6526918794500971, c2=0.014168653025375195 ..................
[CV] c1=0.6526918794500971, c2=0.014168653025375195, score=0.861991 - 1.6s
[CV] c1=0.16617627893415826, c2=0.016246283722594547 .................
[CV] c1=0.16617627893415826, c2=0.016246283722594547, score=0.898170 - 1.3s
[CV] c1=1.508340551127507, c2=0.021335543550593316 ...................
[CV] c1=1.508340551127507, c2=0.021335543550593316, score=0.908836 - 1.5s
[CV] c1=0.3279727332028919, c2=0.004720316064409802 ..................
[CV] c1=0.3279727332028919, c2=0.004720316064409802, score=0.925560 - 1.6s
[CV] c1=0.41069923197664315, c2=0.02601572011706776 ..................
[CV] c1=0.41069923197664315, c2=0.02601572011706776, score=0.923585 - 1.6s
[CV] c1=1.0574768522936129, c2=0.010094693629619428 ..................
[CV] c1=1.0574768522936129, c2=0.010094693629619428, score=0.727632 - 1.4s
[CV] c1=0.16617627893415826, c2=0.016246283722594547 .................
[CV] c1=0.16617627893415826, c2=0.016246283722594547, score=0.837210 - 1.4s
[CV] c1=0.9362245178762235, c2=0.0036840823697806197 .................
[CV] c1=0.9362245178762235, c2=0.0036840823697806197, score=0.934961 - 1.6s
[CV] c1=0.4737963896619468, c2=0.010699938700759807 ..................
[CV] c1=0.4737963896619468, c2=0.010699938700759807, score=0.700167 - 1.6s
[CV] c1=0.09326310944142512, c2=0.02293857362257262 ..................
[CV] c1=0.09326310944142512, c2=0.02293857362257262, score=0.718975 - 1.7s
[CV] c1=0.19547632362615144, c2=0.051817682646593026 .................
[CV] c1=0.19547632362615144, c2=0.051817682646593026, score=0.871570 - 1.7s
[CV] c1=0.7691901366762777, c2=0.018786342851753436 ..................
[CV] c1=0.7691901366762777, c2=0.018786342851753436, score=0.820742 - 1.7s
[CV] c1=0.9362245178762235, c2=0.0036840823697806197 .................
[CV] c1=0.9362245178762235, c2=0.0036840823697806197, score=0.811582 - 1.6s
[CV] c1=0.4737963896619468, c2=0.010699938700759807 ..................
[CV] c1=0.4737963896619468, c2=0.010699938700759807, score=0.801739 - 1.8s
[CV] c1=0.09326310944142512, c2=0.02293857362257262 ..................
[CV] c1=0.09326310944142512, c2=0.02293857362257262, score=0.922590 - 1.7s
[CV] c1=0.19547632362615144, c2=0.051817682646593026 .................
[CV] c1=0.19547632362615144, c2=0.051817682646593026, score=0.839383 - 1.6s
[CV] c1=0.16617627893415826, c2=0.016246283722594547 .................
[CV] c1=0.16617627893415826, c2=0.016246283722594547, score=0.828771 - 1.6s
[CV] c1=0.005294883330735351, c2=0.01797692767656751 .................
[CV] c1=0.005294883330735351, c2=0.01797692767656751, score=0.827010 - 1.6s
[CV] c1=0.3279727332028919, c2=0.004720316064409802 ..................
[CV] c1=0.3279727332028919, c2=0.004720316064409802, score=0.828771 - 1.5s
[CV] c1=0.09326310944142512, c2=0.02293857362257262 ..................
[CV] c1=0.09326310944142512, c2=0.02293857362257262, score=0.886827 - 1.5s
[CV] c1=0.19547632362615144, c2=0.051817682646593026 .................
[CV] c1=0.19547632362615144, c2=0.051817682646593026, score=0.913115 - 1.7s
[CV] c1=0.16617627893415826, c2=0.016246283722594547 .................
[CV] c1=0.16617627893415826, c2=0.016246283722594547, score=0.850984 - 1.6s
[CV] c1=1.508340551127507, c2=0.021335543550593316 ...................
[CV] c1=1.508340551127507, c2=0.021335543550593316, score=0.878770 - 1.4s
[CV] c1=0.3279727332028919, c2=0.004720316064409802 ..................
[CV] c1=0.3279727332028919, c2=0.004720316064409802, score=0.834850 - 1.6s
[CV] c1=0.41069923197664315, c2=0.02601572011706776 ..................
[CV] c1=0.41069923197664315, c2=0.02601572011706776, score=0.836321 - 1.6s
[CV] c1=0.6526918794500971, c2=0.014168653025375195 ..................
[CV] c1=0.6526918794500971, c2=0.014168653025375195, score=0.691973 - 1.7s
[CV] c1=0.16617627893415826, c2=0.016246283722594547 .................
[CV] c1=0.16617627893415826, c2=0.016246283722594547, score=0.881315 - 1.5s
[CV] c1=0.005294883330735351, c2=0.01797692767656751 .................
[CV] c1=0.005294883330735351, c2=0.01797692767656751, score=0.873287 - 1.6s
[CV] c1=0.4737963896619468, c2=0.010699938700759807 ..................
[CV] c1=0.4737963896619468, c2=0.010699938700759807, score=0.923259 - 1.5s
[CV] c1=0.13542106358526157, c2=0.06613572987227866 ..................
[CV] c1=0.13542106358526157, c2=0.06613572987227866, score=0.931609 - 1.7s
[CV] c1=0.19547632362615144, c2=0.051817682646593026 .................
[CV] c1=0.19547632362615144, c2=0.051817682646593026, score=0.683730 - 2.0s
[CV] c1=0.16617627893415826, c2=0.016246283722594547 .................
[CV] c1=0.16617627893415826, c2=0.016246283722594547, score=0.913115 - 1.6s
[CV] c1=1.508340551127507, c2=0.021335543550593316 ...................
[CV] c1=1.508340551127507, c2=0.021335543550593316, score=0.727632 - 1.2s
[CV] c1=0.21944861613366148, c2=0.007493367060064349 .................
[CV] c1=0.21944861613366148, c2=0.007493367060064349, score=0.848986 - 1.6s
[CV] c1=0.13542106358526157, c2=0.06613572987227866 ..................
[CV] c1=0.13542106358526157, c2=0.06613572987227866, score=0.893806 - 1.3s
[CV] c1=1.1770464694382454, c2=0.07280122254622126 ...................
[CV] c1=1.1770464694382454, c2=0.07280122254622126, score=0.727632 - 1.6s
[CV] c1=1.0574768522936129, c2=0.010094693629619428 ..................
[CV] c1=1.0574768522936129, c2=0.010094693629619428, score=0.918061 - 1.5s
[CV] c1=0.4639226651882826, c2=0.1771708074662829 ....................
[CV] c1=0.4639226651882826, c2=0.1771708074662829, score=0.888270 - 1.0s
[CV] c1=1.508340551127507, c2=0.021335543550593316 ...................
[CV] c1=1.508340551127507, c2=0.021335543550593316, score=0.790879 - 1.6s
[CV] c1=0.3279727332028919, c2=0.004720316064409802 ..................
[CV] c1=0.3279727332028919, c2=0.004720316064409802, score=0.904751 - 1.5s
[CV] c1=0.41069923197664315, c2=0.02601572011706776 ..................
[CV] c1=0.41069923197664315, c2=0.02601572011706776, score=0.918674 - 1.5s
[CV] c1=0.6526918794500971, c2=0.014168653025375195 ..................
[CV] c1=0.6526918794500971, c2=0.014168653025375195, score=0.784927 - 1.6s
[CV] c1=0.16617627893415826, c2=0.016246283722594547 .................
[CV] c1=0.16617627893415826, c2=0.016246283722594547, score=0.729474 - 1.7s
[CV] c1=0.005294883330735351, c2=0.01797692767656751 .................
[CV] c1=0.005294883330735351, c2=0.01797692767656751, score=0.946685 - 1.2s
[CV] c1=0.21944861613366148, c2=0.007493367060064349 .................
[CV] c1=0.21944861613366148, c2=0.007493367060064349, score=0.813790 - 1.5s
[CV] c1=0.13542106358526157, c2=0.06613572987227866 ..................
[CV] c1=0.13542106358526157, c2=0.06613572987227866, score=0.917828 - 1.5s
[CV] c1=0.01625033152790397, c2=0.004437967561302151 .................
[CV] c1=0.01625033152790397, c2=0.004437967561302151, score=0.927564 - 1.6s
[CV] c1=1.0574768522936129, c2=0.010094693629619428 ..................
[CV] c1=1.0574768522936129, c2=0.010094693629619428, score=0.803211 - 1.6s
[CV] c1=0.4639226651882826, c2=0.1771708074662829 ....................
[CV] c1=0.4639226651882826, c2=0.1771708074662829, score=0.819619 - 1.1s
[CV] c1=0.005294883330735351, c2=0.01797692767656751 .................
[CV] c1=0.005294883330735351, c2=0.01797692767656751, score=0.864462 - 1.6s
[CV] c1=0.3279727332028919, c2=0.004720316064409802 ..................
[CV] c1=0.3279727332028919, c2=0.004720316064409802, score=0.862528 - 1.5s
[CV] c1=0.41069923197664315, c2=0.02601572011706776 ..................
[CV] c1=0.41069923197664315, c2=0.02601572011706776, score=0.820742 - 1.9s
[CV] c1=1.0574768522936129, c2=0.010094693629619428 ..................
[CV] c1=1.0574768522936129, c2=0.010094693629619428, score=0.777170 - 1.5s
[CV] c1=0.16617627893415826, c2=0.016246283722594547 .................
[CV] c1=0.16617627893415826, c2=0.016246283722594547, score=0.848986 - 1.6s
[CV] c1=1.508340551127507, c2=0.021335543550593316 ...................
[CV] c1=1.508340551127507, c2=0.021335543550593316, score=0.781951 - 1.5s
[CV] c1=0.3279727332028919, c2=0.004720316064409802 ..................
[CV] c1=0.3279727332028919, c2=0.004720316064409802, score=0.813790 - 1.8s
[CV] c1=0.01625033152790397, c2=0.004437967561302151 .................
[CV] c1=0.01625033152790397, c2=0.004437967561302151, score=0.830388 - 1.5s
[CV] c1=0.6526918794500971, c2=0.014168653025375195 ..................
[CV] c1=0.6526918794500971, c2=0.014168653025375195, score=0.819787 - 1.7s
[CV] c1=0.4639226651882826, c2=0.1771708074662829 ....................
[CV] c1=0.4639226651882826, c2=0.1771708074662829, score=0.679842 - 1.4s
[CV] c1=0.015260815191617596, c2=0.010533468233650554 ................
[CV] c1=0.015260815191617596, c2=0.010533468233650554, score=0.751773 - 1.7s
[CV] c1=1.1791456131357725, c2=0.009905947625121205 ..................
[CV] c1=1.1791456131357725, c2=0.009905947625121205, score=0.818750 - 1.5s
[CV] c1=0.01625033152790397, c2=0.004437967561302151 .................
[CV] c1=0.01625033152790397, c2=0.004437967561302151, score=0.817260 - 1.7s
[CV] c1=1.0574768522936129, c2=0.010094693629619428 ..................
[CV] c1=1.0574768522936129, c2=0.010094693629619428, score=0.633367 - 1.8s
[CV] c1=0.4639226651882826, c2=0.1771708074662829 ....................
[CV] c1=0.4639226651882826, c2=0.1771708074662829, score=0.868123 - 1.3s
[CV] c1=0.015260815191617596, c2=0.010533468233650554 ................
[CV] c1=0.015260815191617596, c2=0.010533468233650554, score=0.854858 - 1.6s
[CV] c1=1.1791456131357725, c2=0.009905947625121205 ..................
[CV] c1=1.1791456131357725, c2=0.009905947625121205, score=0.767841 - 1.6s
[CV] c1=0.01625033152790397, c2=0.004437967561302151 .................
[CV] c1=0.01625033152790397, c2=0.004437967561302151, score=0.905632 - 1.5s
[CV] c1=1.0574768522936129, c2=0.010094693629619428 ..................
[CV] c1=1.0574768522936129, c2=0.010094693629619428, score=0.889572 - 1.5s
[CV] c1=0.4639226651882826, c2=0.1771708074662829 ....................
[CV] c1=0.4639226651882826, c2=0.1771708074662829, score=0.828274 - 1.5s
[CV] c1=0.005294883330735351, c2=0.01797692767656751 .................
[CV] c1=0.005294883330735351, c2=0.01797692767656751, score=0.925560 - 1.4s
[CV] c1=0.4737963896619468, c2=0.010699938700759807 ..................
[CV] c1=0.4737963896619468, c2=0.010699938700759807, score=0.946646 - 1.6s
[CV] c1=0.09326310944142512, c2=0.02293857362257262 ..................
[CV] c1=0.09326310944142512, c2=0.02293857362257262, score=0.941948 - 1.7s
[CV] c1=0.6526918794500971, c2=0.014168653025375195 ..................
[CV] c1=0.6526918794500971, c2=0.014168653025375195, score=0.932900 - 1.7s
[CV] c1=0.4639226651882826, c2=0.1771708074662829 ....................
[CV] c1=0.4639226651882826, c2=0.1771708074662829, score=0.775915 - 1.6s
[CV] c1=0.015260815191617596, c2=0.010533468233650554 ................
[CV] c1=0.015260815191617596, c2=0.010533468233650554, score=0.881315 - 1.6s
[CV] c1=1.1791456131357725, c2=0.009905947625121205 ..................
[CV] c1=1.1791456131357725, c2=0.009905947625121205, score=0.874304 - 1.6s
[CV] c1=0.01625033152790397, c2=0.004437967561302151 .................
[CV] c1=0.01625033152790397, c2=0.004437967561302151, score=0.881315 - 1.7s
[CV] c1=1.0574768522936129, c2=0.010094693629619428 ..................
[CV] c1=1.0574768522936129, c2=0.010094693629619428, score=0.821991 - 1.7s
[CV] c1=0.4639226651882826, c2=0.1771708074662829 ....................
[CV] c1=0.4639226651882826, c2=0.1771708074662829, score=0.929634 - 1.3s
[CV] c1=0.015260815191617596, c2=0.010533468233650554 ................
[CV] c1=0.015260815191617596, c2=0.010533468233650554, score=0.856896 - 1.7s
[CV] c1=1.1791456131357725, c2=0.009905947625121205 ..................
[CV] c1=1.1791456131357725, c2=0.009905947625121205, score=0.791058 - 1.6s
[CV] c1=0.01625033152790397, c2=0.004437967561302151 .................
[CV] c1=0.01625033152790397, c2=0.004437967561302151, score=0.722450 - 1.9s
[CV] c1=1.0574768522936129, c2=0.010094693629619428 ..................
[CV] c1=1.0574768522936129, c2=0.010094693629619428, score=0.868514 - 1.6s
[CV] c1=0.4639226651882826, c2=0.1771708074662829 ....................
[CV] c1=0.4639226651882826, c2=0.1771708074662829, score=0.898935 - 1.4s
Training done in: 10.548893s
Saving training model...
Saving training model done in: 0.013080s
*********************************
Prediction done in: 0.041656s
-------------------------------- PARAMETERS --------------------------------
Path of training data set: /home/egaytan/automatic-extraction-growth-conditions/CRF/data-sets
File with training data set: training-data-set-70.txt
Path of test data set: /home/egaytan/automatic-extraction-growth-conditions/CRF/data-sets
File with test data set: test-data-set-30.txt
Exclude stop words: False
Levels: False True
Report file: _v11
Exclude symbols: False
-------------------------------- PROCESSING --------------------------------
Reading corpus...
Sentences training data: 286
Sentences test data: 123
Reading corpus done in: 0.003621s
-------------------------------- FEATURES --------------------------------
--------------------------Features Training ---------------------------
0 1
0 lemma 2
1 postag CD
2 -1:lemma fructose
3 -1:postag NN
4 word 2
5 isUpper False
6 isLower False
7 isGreek False
8 isNumber True
9 -1:word fructose
10 -2:lemma Cra
11 -2:postag NNP
--------------------------- FeaturesTest -----------------------------
0 1
0 lemma delta-arca
1 postag NN
2 -1:lemma _
3 -1:postag NN
4 +1:lemma _
5 +1:postag CD
6 word delta-arcA
7 isUpper False
8 isLower False
9 isGreek False
10 isNumber False
11 -1:word _
12 +1:word _
13 -2:lemma affyexp
14 -2:postag JJ
15 +2:lemma glucose
16 +2:postag NN
Fitting 10 folds for each of 20 candidates, totalling 200 fits
[CV] c1=1.31221984858164, c2=0.02750876882572302 .....................
[CV] c1=1.31221984858164, c2=0.02750876882572302, score=0.612088 - 1.6s
[CV] c1=0.22410917154971952, c2=0.0741115060611966 ...................
[CV] c1=0.22410917154971952, c2=0.0741115060611966, score=0.807235 - 1.7s
[CV] c1=0.3711464209171215, c2=0.026426512830792455 ..................
[CV] c1=0.3711464209171215, c2=0.026426512830792455, score=0.913784 - 1.8s
[CV] c1=1.7997186106473309, c2=0.0754349182496969 ....................
[CV] c1=1.7997186106473309, c2=0.0754349182496969, score=0.882162 - 1.6s
[CV] c1=1.31221984858164, c2=0.02750876882572302 .....................
[CV] c1=1.31221984858164, c2=0.02750876882572302, score=0.846837 - 1.6s
[CV] c1=0.22410917154971952, c2=0.0741115060611966 ...................
[CV] c1=0.22410917154971952, c2=0.0741115060611966, score=0.932685 - 1.8s
[CV] c1=0.6959486853419434, c2=0.0462324893691317 ....................
[CV] c1=0.6959486853419434, c2=0.0462324893691317, score=0.832339 - 1.5s
[CV] c1=1.153575870900293, c2=0.05542813661094087 ....................
[CV] c1=1.153575870900293, c2=0.05542813661094087, score=0.787078 - 1.5s
[CV] c1=0.5156471700537973, c2=0.02054673519357734 ...................
[CV] c1=0.5156471700537973, c2=0.02054673519357734, score=0.839624 - 1.3s
[CV] c1=0.9083002880554646, c2=0.06812733950477726 ...................
[CV] c1=0.9083002880554646, c2=0.06812733950477726, score=0.832339 - 1.3s
[CV] c1=0.3260719095302179, c2=0.006813084571107944 ..................
[CV] c1=0.3260719095302179, c2=0.006813084571107944, score=0.918345 - 1.7s
[CV] c1=0.6959486853419434, c2=0.0462324893691317 ....................
[CV] c1=0.6959486853419434, c2=0.0462324893691317, score=0.631304 - 1.5s
[CV] c1=1.153575870900293, c2=0.05542813661094087 ....................
[CV] c1=1.153575870900293, c2=0.05542813661094087, score=0.601824 - 1.6s
[CV] c1=0.5156471700537973, c2=0.02054673519357734 ...................
[CV] c1=0.5156471700537973, c2=0.02054673519357734, score=0.856398 - 1.3s
[CV] c1=0.9083002880554646, c2=0.06812733950477726 ...................
[CV] c1=0.9083002880554646, c2=0.06812733950477726, score=0.853493 - 1.4s
[CV] c1=0.3260719095302179, c2=0.006813084571107944 ..................
[CV] c1=0.3260719095302179, c2=0.006813084571107944, score=0.851448 - 1.5s
[CV] c1=0.6959486853419434, c2=0.0462324893691317 ....................
[CV] c1=0.6959486853419434, c2=0.0462324893691317, score=0.818750 - 1.7s
[CV] c1=1.153575870900293, c2=0.05542813661094087 ....................
[CV] c1=1.153575870900293, c2=0.05542813661094087, score=0.902496 - 1.5s
[CV] c1=0.5156471700537973, c2=0.02054673519357734 ...................
[CV] c1=0.5156471700537973, c2=0.02054673519357734, score=0.917433 - 1.4s
[CV] c1=0.9083002880554646, c2=0.06812733950477726 ...................
[CV] c1=0.9083002880554646, c2=0.06812733950477726, score=0.896776 - 1.4s
[CV] c1=0.3260719095302179, c2=0.006813084571107944 ..................
[CV] c1=0.3260719095302179, c2=0.006813084571107944, score=0.712169 - 1.7s
[CV] c1=0.6959486853419434, c2=0.0462324893691317 ....................
[CV] c1=0.6959486853419434, c2=0.0462324893691317, score=0.862900 - 1.5s
[CV] c1=1.153575870900293, c2=0.05542813661094087 ....................
[CV] c1=1.153575870900293, c2=0.05542813661094087, score=0.885973 - 1.5s
[CV] c1=1.4441295867817865, c2=0.04617298610100537 ...................
[CV] c1=1.4441295867817865, c2=0.04617298610100537, score=0.852822 - 1.4s
[CV] c1=0.05358633536650553, c2=0.026273042598892418 .................
[CV] c1=0.05358633536650553, c2=0.026273042598892418, score=0.931991 - 1.4s
[CV] c1=0.4268730139997736, c2=0.05952759417093106 ...................
[CV] c1=0.4268730139997736, c2=0.05952759417093106, score=0.700980 - 1.5s
[CV] c1=0.6959486853419434, c2=0.0462324893691317 ....................
[CV] c1=0.6959486853419434, c2=0.0462324893691317, score=0.800618 - 1.5s
[CV] c1=1.153575870900293, c2=0.05542813661094087 ....................
[CV] c1=1.153575870900293, c2=0.05542813661094087, score=0.853967 - 1.3s
[CV] c1=1.2139996411914353, c2=0.031522439704619994 ..................
[CV] c1=1.2139996411914353, c2=0.031522439704619994, score=0.601824 - 1.5s
[CV] c1=0.2523286024761347, c2=0.0139653511518441 ....................
[CV] c1=0.2523286024761347, c2=0.0139653511518441, score=0.856758 - 1.3s
[CV] c1=0.4268730139997736, c2=0.05952759417093106 ...................
[CV] c1=0.4268730139997736, c2=0.05952759417093106, score=0.864761 - 1.4s
[CV] c1=0.07838162718183349, c2=0.05887606797757319 ..................
[CV] c1=0.07838162718183349, c2=0.05887606797757319, score=0.727697 - 1.5s
[CV] c1=1.153575870900293, c2=0.05542813661094087 ....................
[CV] c1=1.153575870900293, c2=0.05542813661094087, score=0.764357 - 1.4s
[CV] c1=1.4441295867817865, c2=0.04617298610100537 ...................
[CV] c1=1.4441295867817865, c2=0.04617298610100537, score=0.803796 - 1.3s
[CV] c1=0.05358633536650553, c2=0.026273042598892418 .................
[CV] c1=0.05358633536650553, c2=0.026273042598892418, score=0.850992 - 1.6s
[CV] c1=0.4268730139997736, c2=0.05952759417093106 ...................
[CV] c1=0.4268730139997736, c2=0.05952759417093106, score=0.888803 - 1.5s
[CV] c1=0.6959486853419434, c2=0.0462324893691317 ....................
[CV] c1=0.6959486853419434, c2=0.0462324893691317, score=0.820419 - 1.6s
[CV] c1=1.153575870900293, c2=0.05542813661094087 ....................
[CV] c1=1.153575870900293, c2=0.05542813661094087, score=0.818821 - 1.6s
[CV] c1=0.5156471700537973, c2=0.02054673519357734 ...................
[CV] c1=0.5156471700537973, c2=0.02054673519357734, score=0.840175 - 1.0s
[CV] c1=0.9083002880554646, c2=0.06812733950477726 ...................
[CV] c1=0.9083002880554646, c2=0.06812733950477726, score=0.795123 - 1.8s
[CV] c1=0.3260719095302179, c2=0.006813084571107944 ..................
[CV] c1=0.3260719095302179, c2=0.006813084571107944, score=0.824268 - 1.7s
[CV] c1=0.6959486853419434, c2=0.0462324893691317 ....................
[CV] c1=0.6959486853419434, c2=0.0462324893691317, score=0.907805 - 1.5s
[CV] c1=1.153575870900293, c2=0.05542813661094087 ....................
[CV] c1=1.153575870900293, c2=0.05542813661094087, score=0.812996 - 1.7s
[CV] c1=0.5156471700537973, c2=0.02054673519357734 ...................
[CV] c1=0.5156471700537973, c2=0.02054673519357734, score=0.913784 - 1.4s
[CV] c1=0.9083002880554646, c2=0.06812733950477726 ...................
[CV] c1=0.9083002880554646, c2=0.06812733950477726, score=0.908387 - 1.6s
[CV] c1=0.3260719095302179, c2=0.006813084571107944 ..................
[CV] c1=0.3260719095302179, c2=0.006813084571107944, score=0.932576 - 1.6s
[CV] c1=0.6959486853419434, c2=0.0462324893691317 ....................
[CV] c1=0.6959486853419434, c2=0.0462324893691317, score=0.907533 - 1.7s
[CV] c1=1.153575870900293, c2=0.05542813661094087 ....................
[CV] c1=1.153575870900293, c2=0.05542813661094087, score=0.903311 - 1.6s
[CV] c1=1.4441295867817865, c2=0.04617298610100537 ...................
[CV] c1=1.4441295867817865, c2=0.04617298610100537, score=0.888182 - 1.6s
[CV] c1=0.2523286024761347, c2=0.0139653511518441 ....................
[CV] c1=0.2523286024761347, c2=0.0139653511518441, score=0.712169 - 1.4s
[CV] c1=0.4268730139997736, c2=0.05952759417093106 ...................
[CV] c1=0.4268730139997736, c2=0.05952759417093106, score=0.905638 - 1.4s
[CV] c1=0.07838162718183349, c2=0.05887606797757319 ..................
[CV] c1=0.07838162718183349, c2=0.05887606797757319, score=0.955910 - 1.7s
[CV] c1=0.6973561873127724, c2=0.031245044543363222 ..................
[CV] c1=0.6973561873127724, c2=0.031245044543363222, score=0.857043 - 1.3s
[CV] c1=0.5156471700537973, c2=0.02054673519357734 ...................
[CV] c1=0.5156471700537973, c2=0.02054673519357734, score=0.819378 - 1.6s
[CV] c1=0.9083002880554646, c2=0.06812733950477726 ...................
[CV] c1=0.9083002880554646, c2=0.06812733950477726, score=0.792413 - 1.5s
[CV] c1=0.3260719095302179, c2=0.006813084571107944 ..................
[CV] c1=0.3260719095302179, c2=0.006813084571107944, score=0.888787 - 1.5s
[CV] c1=0.6959486853419434, c2=0.0462324893691317 ....................
[CV] c1=0.6959486853419434, c2=0.0462324893691317, score=0.900039 - 2.0s
[CV] c1=0.6973561873127724, c2=0.031245044543363222 ..................
[CV] c1=0.6973561873127724, c2=0.031245044543363222, score=0.896776 - 1.5s
[CV] c1=1.4441295867817865, c2=0.04617298610100537 ...................
[CV] c1=1.4441295867817865, c2=0.04617298610100537, score=0.890384 - 1.6s
[CV] c1=0.05358633536650553, c2=0.026273042598892418 .................
[CV] c1=0.05358633536650553, c2=0.026273042598892418, score=0.923193 - 1.5s
[CV] c1=0.07499151432771352, c2=0.07791789139191967 ..................
[CV] c1=0.07499151432771352, c2=0.07791789139191967, score=0.889602 - 1.3s
[CV] c1=0.07838162718183349, c2=0.05887606797757319 ..................
[CV] c1=0.07838162718183349, c2=0.05887606797757319, score=0.869996 - 1.5s
[CV] c1=0.6973561873127724, c2=0.031245044543363222 ..................
[CV] c1=0.6973561873127724, c2=0.031245044543363222, score=0.795729 - 1.5s
[CV] c1=1.31221984858164, c2=0.02750876882572302 .....................
[CV] c1=1.31221984858164, c2=0.02750876882572302, score=0.770164 - 1.6s
[CV] c1=0.22410917154971952, c2=0.0741115060611966 ...................
[CV] c1=0.22410917154971952, c2=0.0741115060611966, score=0.888803 - 1.4s
[CV] c1=0.07499151432771352, c2=0.07791789139191967 ..................
[CV] c1=0.07499151432771352, c2=0.07791789139191967, score=0.854811 - 1.5s
[CV] c1=0.9736319201376714, c2=0.005278958003940855 ..................
[CV] c1=0.9736319201376714, c2=0.005278958003940855, score=0.854202 - 1.5s
[CV] c1=0.07671489689709554, c2=0.01219208548228793 ..................
[CV] c1=0.07671489689709554, c2=0.01219208548228793, score=0.889602 - 1.3s
[CV] c1=1.2139996411914353, c2=0.031522439704619994 ..................
[CV] c1=1.2139996411914353, c2=0.031522439704619994, score=0.770164 - 1.6s
[CV] c1=0.2523286024761347, c2=0.0139653511518441 ....................
[CV] c1=0.2523286024761347, c2=0.0139653511518441, score=0.814418 - 1.5s
[CV] c1=0.07499151432771352, c2=0.07791789139191967 ..................
[CV] c1=0.07499151432771352, c2=0.07791789139191967, score=0.927267 - 1.4s
[CV] c1=0.9736319201376714, c2=0.005278958003940855 ..................
[CV] c1=0.9736319201376714, c2=0.005278958003940855, score=0.795123 - 1.6s
[CV] c1=0.6973561873127724, c2=0.031245044543363222 ..................
[CV] c1=0.6973561873127724, c2=0.031245044543363222, score=0.917037 - 1.4s
[CV] c1=1.4441295867817865, c2=0.04617298610100537 ...................
[CV] c1=1.4441295867817865, c2=0.04617298610100537, score=0.885973 - 1.3s
[CV] c1=0.9083002880554646, c2=0.06812733950477726 ...................
[CV] c1=0.9083002880554646, c2=0.06812733950477726, score=0.907533 - 1.5s
[CV] c1=0.4268730139997736, c2=0.05952759417093106 ...................
[CV] c1=0.4268730139997736, c2=0.05952759417093106, score=0.813378 - 1.6s
[CV] c1=0.07838162718183349, c2=0.05887606797757319 ..................
[CV] c1=0.07838162718183349, c2=0.05887606797757319, score=0.909826 - 1.9s
[CV] c1=0.6973561873127724, c2=0.031245044543363222 ..................
[CV] c1=0.6973561873127724, c2=0.031245044543363222, score=0.820419 - 1.4s
[CV] c1=0.5156471700537973, c2=0.02054673519357734 ...................
[CV] c1=0.5156471700537973, c2=0.02054673519357734, score=0.928742 - 1.5s
[CV] c1=0.05358633536650553, c2=0.026273042598892418 .................
[CV] c1=0.05358633536650553, c2=0.026273042598892418, score=0.889602 - 1.4s
[CV] c1=0.3260719095302179, c2=0.006813084571107944 ..................
[CV] c1=0.3260719095302179, c2=0.006813084571107944, score=0.817720 - 1.7s
[CV] c1=0.07838162718183349, c2=0.05887606797757319 ..................
[CV] c1=0.07838162718183349, c2=0.05887606797757319, score=0.889602 - 1.7s
[CV] c1=0.6973561873127724, c2=0.031245044543363222 ..................
[CV] c1=0.6973561873127724, c2=0.031245044543363222, score=0.832339 - 1.4s
[CV] c1=1.4441295867817865, c2=0.04617298610100537 ...................
[CV] c1=1.4441295867817865, c2=0.04617298610100537, score=0.801309 - 1.3s
[CV] c1=0.05358633536650553, c2=0.026273042598892418 .................
[CV] c1=0.05358633536650553, c2=0.026273042598892418, score=0.727697 - 1.6s
[CV] c1=0.4268730139997736, c2=0.05952759417093106 ...................
[CV] c1=0.4268730139997736, c2=0.05952759417093106, score=0.931991 - 1.6s
[CV] c1=0.07838162718183349, c2=0.05887606797757319 ..................
[CV] c1=0.07838162718183349, c2=0.05887606797757319, score=0.858557 - 1.7s
[CV] c1=0.6973561873127724, c2=0.031245044543363222 ..................
[CV] c1=0.6973561873127724, c2=0.031245044543363222, score=0.818750 - 1.5s
[CV] c1=1.31221984858164, c2=0.02750876882572302 .....................
[CV] c1=1.31221984858164, c2=0.02750876882572302, score=0.752715 - 1.5s
[CV] c1=0.22410917154971952, c2=0.0741115060611966 ...................
[CV] c1=0.22410917154971952, c2=0.0741115060611966, score=0.892921 - 1.5s
[CV] c1=0.3711464209171215, c2=0.026426512830792455 ..................
[CV] c1=0.3711464209171215, c2=0.026426512830792455, score=0.853767 - 1.4s
[CV] c1=1.7997186106473309, c2=0.0754349182496969 ....................
[CV] c1=1.7997186106473309, c2=0.0754349182496969, score=0.655056 - 1.4s
[CV] c1=0.07671489689709554, c2=0.01219208548228793 ..................
[CV] c1=0.07671489689709554, c2=0.01219208548228793, score=0.931991 - 1.2s
[CV] c1=0.5156471700537973, c2=0.02054673519357734 ...................
[CV] c1=0.5156471700537973, c2=0.02054673519357734, score=0.685173 - 1.4s
[CV] c1=0.9083002880554646, c2=0.06812733950477726 ...................
[CV] c1=0.9083002880554646, c2=0.06812733950477726, score=0.818750 - 1.6s
[CV] c1=0.3260719095302179, c2=0.006813084571107944 ..................
[CV] c1=0.3260719095302179, c2=0.006813084571107944, score=0.913784 - 1.8s
[CV] c1=0.07838162718183349, c2=0.05887606797757319 ..................
[CV] c1=0.07838162718183349, c2=0.05887606797757319, score=0.809731 - 1.8s
[CV] c1=0.6973561873127724, c2=0.031245044543363222 ..................
[CV] c1=0.6973561873127724, c2=0.031245044543363222, score=0.800618 - 1.5s
[CV] c1=1.4441295867817865, c2=0.04617298610100537 ...................
[CV] c1=1.4441295867817865, c2=0.04617298610100537, score=0.783364 - 1.6s
[CV] c1=0.05358633536650553, c2=0.026273042598892418 .................
[CV] c1=0.05358633536650553, c2=0.026273042598892418, score=0.869958 - 1.4s
[CV] c1=0.4268730139997736, c2=0.05952759417093106 ...................
[CV] c1=0.4268730139997736, c2=0.05952759417093106, score=0.848812 - 1.5s
[CV] c1=0.07838162718183349, c2=0.05887606797757319 ..................
[CV] c1=0.07838162718183349, c2=0.05887606797757319, score=0.931991 - 1.7s
[CV] c1=0.6973561873127724, c2=0.031245044543363222 ..................
[CV] c1=0.6973561873127724, c2=0.031245044543363222, score=0.631304 - 1.6s
[CV] c1=1.31221984858164, c2=0.02750876882572302 .....................
[CV] c1=1.31221984858164, c2=0.02750876882572302, score=0.812996 - 1.6s
[CV] c1=0.22410917154971952, c2=0.0741115060611966 ...................
[CV] c1=0.22410917154971952, c2=0.0741115060611966, score=0.858211 - 1.5s
[CV] c1=0.3711464209171215, c2=0.026426512830792455 ..................
[CV] c1=0.3711464209171215, c2=0.026426512830792455, score=0.931991 - 1.4s
[CV] c1=1.7997186106473309, c2=0.0754349182496969 ....................
[CV] c1=1.7997186106473309, c2=0.0754349182496969, score=0.593248 - 1.4s
[CV] c1=0.07671489689709554, c2=0.01219208548228793 ..................
[CV] c1=0.07671489689709554, c2=0.01219208548228793, score=0.872516 - 1.1s
[CV] c1=1.4441295867817865, c2=0.04617298610100537 ...................
[CV] c1=1.4441295867817865, c2=0.04617298610100537, score=0.752715 - 1.5s
[CV] c1=0.05358633536650553, c2=0.026273042598892418 .................
[CV] c1=0.05358633536650553, c2=0.026273042598892418, score=0.869996 - 1.5s
[CV] c1=0.4268730139997736, c2=0.05952759417093106 ...................
[CV] c1=0.4268730139997736, c2=0.05952759417093106, score=0.808180 - 1.5s
[CV] c1=0.07838162718183349, c2=0.05887606797757319 ..................
[CV] c1=0.07838162718183349, c2=0.05887606797757319, score=0.923193 - 1.7s
[CV] c1=0.07671489689709554, c2=0.01219208548228793 ..................
[CV] c1=0.07671489689709554, c2=0.01219208548228793, score=0.727697 - 1.3s
[CV] c1=0.5156471700537973, c2=0.02054673519357734 ...................
[CV] c1=0.5156471700537973, c2=0.02054673519357734, score=0.859362 - 1.6s
[CV] c1=0.05358633536650553, c2=0.026273042598892418 .................
[CV] c1=0.05358633536650553, c2=0.026273042598892418, score=0.809731 - 1.5s
[CV] c1=0.4268730139997736, c2=0.05952759417093106 ...................
[CV] c1=0.4268730139997736, c2=0.05952759417093106, score=0.913784 - 1.7s
[CV] c1=0.9736319201376714, c2=0.005278958003940855 ..................
[CV] c1=0.9736319201376714, c2=0.005278958003940855, score=0.832339 - 1.5s
[CV] c1=0.6973561873127724, c2=0.031245044543363222 ..................
[CV] c1=0.6973561873127724, c2=0.031245044543363222, score=0.900039 - 1.6s
[CV] c1=1.2139996411914353, c2=0.031522439704619994 ..................
[CV] c1=1.2139996411914353, c2=0.031522439704619994, score=0.818821 - 1.5s
[CV] c1=0.2523286024761347, c2=0.0139653511518441 ....................
[CV] c1=0.2523286024761347, c2=0.0139653511518441, score=0.931991 - 1.5s
[CV] c1=0.07499151432771352, c2=0.07791789139191967 ..................
[CV] c1=0.07499151432771352, c2=0.07791789139191967, score=0.800397 - 1.6s
[CV] c1=0.9736319201376714, c2=0.005278958003940855 ..................
[CV] c1=0.9736319201376714, c2=0.005278958003940855, score=0.896776 - 1.6s
[CV] c1=0.07671489689709554, c2=0.01219208548228793 ..................
[CV] c1=0.07671489689709554, c2=0.01219208548228793, score=0.818254 - 1.4s
[CV] c1=1.2139996411914353, c2=0.031522439704619994 ..................
[CV] c1=1.2139996411914353, c2=0.031522439704619994, score=0.764357 - 1.5s
[CV] c1=0.2523286024761347, c2=0.0139653511518441 ....................
[CV] c1=0.2523286024761347, c2=0.0139653511518441, score=0.937977 - 1.6s
[CV] c1=0.07499151432771352, c2=0.07791789139191967 ..................
[CV] c1=0.07499151432771352, c2=0.07791789139191967, score=0.829913 - 1.6s
[CV] c1=0.9736319201376714, c2=0.005278958003940855 ..................
[CV] c1=0.9736319201376714, c2=0.005278958003940855, score=0.806478 - 1.5s
[CV] c1=0.07671489689709554, c2=0.01219208548228793 ..................
[CV] c1=0.07671489689709554, c2=0.01219208548228793, score=0.869958 - 1.4s
[CV] c1=1.31221984858164, c2=0.02750876882572302 .....................
[CV] c1=1.31221984858164, c2=0.02750876882572302, score=0.885973 - 1.3s
[CV] c1=0.2523286024761347, c2=0.0139653511518441 ....................
[CV] c1=0.2523286024761347, c2=0.0139653511518441, score=0.827578 - 1.6s
[CV] c1=0.07499151432771352, c2=0.07791789139191967 ..................
[CV] c1=0.07499151432771352, c2=0.07791789139191967, score=0.923193 - 1.5s
[CV] c1=0.9736319201376714, c2=0.005278958003940855 ..................
[CV] c1=0.9736319201376714, c2=0.005278958003940855, score=0.907533 - 1.5s
[CV] c1=0.07671489689709554, c2=0.01219208548228793 ..................
[CV] c1=0.07671489689709554, c2=0.01219208548228793, score=0.923193 - 1.2s
[CV] c1=1.2139996411914353, c2=0.031522439704619994 ..................
[CV] c1=1.2139996411914353, c2=0.031522439704619994, score=0.885973 - 1.4s
[CV] c1=0.2523286024761347, c2=0.0139653511518441 ....................
[CV] c1=0.2523286024761347, c2=0.0139653511518441, score=0.890595 - 1.5s
[CV] c1=0.07499151432771352, c2=0.07791789139191967 ..................
[CV] c1=0.07499151432771352, c2=0.07791789139191967, score=0.707282 - 1.6s
[CV] c1=0.9736319201376714, c2=0.005278958003940855 ..................
[CV] c1=0.9736319201376714, c2=0.005278958003940855, score=0.818750 - 1.7s
[CV] c1=0.07671489689709554, c2=0.01219208548228793 ..................
[CV] c1=0.07671489689709554, c2=0.01219208548228793, score=0.969518 - 1.4s
[CV] c1=1.2139996411914353, c2=0.031522439704619994 ..................
[CV] c1=1.2139996411914353, c2=0.031522439704619994, score=0.798145 - 1.4s
[CV] c1=0.05358633536650553, c2=0.026273042598892418 .................
[CV] c1=0.05358633536650553, c2=0.026273042598892418, score=0.969518 - 1.6s
[CV] c1=0.07499151432771352, c2=0.07791789139191967 ..................
[CV] c1=0.07499151432771352, c2=0.07791789139191967, score=0.903426 - 1.6s
[CV] c1=0.9736319201376714, c2=0.005278958003940855 ..................
[CV] c1=0.9736319201376714, c2=0.005278958003940855, score=0.612088 - 1.9s
[CV] c1=0.33946363371240573, c2=0.06622555496570426 ..................
[CV] c1=0.33946363371240573, c2=0.06622555496570426, score=0.888803 - 1.2s
[CV] c1=1.31221984858164, c2=0.02750876882572302 .....................
[CV] c1=1.31221984858164, c2=0.02750876882572302, score=0.798145 - 1.4s
[CV] c1=0.2523286024761347, c2=0.0139653511518441 ....................
[CV] c1=0.2523286024761347, c2=0.0139653511518441, score=0.908335 - 1.5s
[CV] c1=0.07499151432771352, c2=0.07791789139191967 ..................
[CV] c1=0.07499151432771352, c2=0.07791789139191967, score=0.955910 - 1.6s
[CV] c1=0.9736319201376714, c2=0.005278958003940855 ..................
[CV] c1=0.9736319201376714, c2=0.005278958003940855, score=0.908387 - 1.6s
[CV] c1=0.07671489689709554, c2=0.01219208548228793 ..................
[CV] c1=0.07671489689709554, c2=0.01219208548228793, score=0.842929 - 1.3s
[CV] c1=1.31221984858164, c2=0.02750876882572302 .....................
[CV] c1=1.31221984858164, c2=0.02750876882572302, score=0.890384 - 1.6s
[CV] c1=0.22410917154971952, c2=0.0741115060611966 ...................
[CV] c1=0.22410917154971952, c2=0.0741115060611966, score=0.815631 - 1.6s
[CV] c1=0.3711464209171215, c2=0.026426512830792455 ..................
[CV] c1=0.3711464209171215, c2=0.026426512830792455, score=0.808180 - 1.5s
[CV] c1=1.7997186106473309, c2=0.0754349182496969 ....................
[CV] c1=1.7997186106473309, c2=0.0754349182496969, score=0.802498 - 1.4s
[CV] c1=0.33946363371240573, c2=0.06622555496570426 ..................
[CV] c1=0.33946363371240573, c2=0.06622555496570426, score=0.848812 - 1.1s
[CV] c1=0.5156471700537973, c2=0.02054673519357734 ...................
[CV] c1=0.5156471700537973, c2=0.02054673519357734, score=0.803867 - 1.4s
[CV] c1=0.9083002880554646, c2=0.06812733950477726 ...................
[CV] c1=0.9083002880554646, c2=0.06812733950477726, score=0.806478 - 1.3s
[CV] c1=0.3260719095302179, c2=0.006813084571107944 ..................
[CV] c1=0.3260719095302179, c2=0.006813084571107944, score=0.893526 - 1.4s
[CV] c1=0.3711464209171215, c2=0.026426512830792455 ..................
[CV] c1=0.3711464209171215, c2=0.026426512830792455, score=0.908106 - 1.5s
[CV] c1=1.7997186106473309, c2=0.0754349182496969 ....................
[CV] c1=1.7997186106473309, c2=0.0754349182496969, score=0.818343 - 1.4s
[CV] c1=0.33946363371240573, c2=0.06622555496570426 ..................
[CV] c1=0.33946363371240573, c2=0.06622555496570426, score=0.931991 - 1.1s
[CV] c1=1.2139996411914353, c2=0.031522439704619994 ..................
[CV] c1=1.2139996411914353, c2=0.031522439704619994, score=0.808404 - 1.7s
[CV] c1=0.2523286024761347, c2=0.0139653511518441 ....................
[CV] c1=0.2523286024761347, c2=0.0139653511518441, score=0.927980 - 1.6s
[CV] c1=0.3711464209171215, c2=0.026426512830792455 ..................
[CV] c1=0.3711464209171215, c2=0.026426512830792455, score=0.850431 - 1.7s
[CV] c1=1.7997186106473309, c2=0.0754349182496969 ....................
[CV] c1=1.7997186106473309, c2=0.0754349182496969, score=0.880703 - 1.4s
[CV] c1=0.33946363371240573, c2=0.06622555496570426 ..................
[CV] c1=0.33946363371240573, c2=0.06622555496570426, score=0.830861 - 1.2s
[CV] c1=1.31221984858164, c2=0.02750876882572302 .....................
[CV] c1=1.31221984858164, c2=0.02750876882572302, score=0.891597 - 1.5s
[CV] c1=0.22410917154971952, c2=0.0741115060611966 ...................
[CV] c1=0.22410917154971952, c2=0.0741115060611966, score=0.942868 - 1.6s
[CV] c1=0.6959486853419434, c2=0.0462324893691317 ....................
[CV] c1=0.6959486853419434, c2=0.0462324893691317, score=0.795123 - 1.5s
[CV] c1=1.7997186106473309, c2=0.0754349182496969 ....................
[CV] c1=1.7997186106473309, c2=0.0754349182496969, score=0.729366 - 1.5s
[CV] c1=0.33946363371240573, c2=0.06622555496570426 ..................
[CV] c1=0.33946363371240573, c2=0.06622555496570426, score=0.939034 - 1.1s
[CV] c1=1.2139996411914353, c2=0.031522439704619994 ..................
[CV] c1=1.2139996411914353, c2=0.031522439704619994, score=0.902496 - 1.7s
[CV] c1=0.22410917154971952, c2=0.0741115060611966 ...................
[CV] c1=0.22410917154971952, c2=0.0741115060611966, score=0.717781 - 1.6s
[CV] c1=0.3711464209171215, c2=0.026426512830792455 ..................
[CV] c1=0.3711464209171215, c2=0.026426512830792455, score=0.866353 - 1.5s
[CV] c1=1.7997186106473309, c2=0.0754349182496969 ....................
[CV] c1=1.7997186106473309, c2=0.0754349182496969, score=0.754354 - 1.5s
[CV] c1=0.33946363371240573, c2=0.06622555496570426 ..................
[CV] c1=0.33946363371240573, c2=0.06622555496570426, score=0.717781 - 1.4s
[CV] c1=1.2139996411914353, c2=0.031522439704619994 ..................
[CV] c1=1.2139996411914353, c2=0.031522439704619994, score=0.855055 - 1.6s
[CV] c1=0.2523286024761347, c2=0.0139653511518441 ....................
[CV] c1=0.2523286024761347, c2=0.0139653511518441, score=0.851448 - 1.5s
[CV] c1=0.07499151432771352, c2=0.07791789139191967 ..................
[CV] c1=0.07499151432771352, c2=0.07791789139191967, score=0.858557 - 1.7s
[CV] c1=0.9736319201376714, c2=0.005278958003940855 ..................
[CV] c1=0.9736319201376714, c2=0.005278958003940855, score=0.792413 - 1.6s
[CV] c1=0.33946363371240573, c2=0.06622555496570426 ..................
[CV] c1=0.33946363371240573, c2=0.06622555496570426, score=0.804491 - 1.3s
[CV] c1=1.4441295867817865, c2=0.04617298610100537 ...................
[CV] c1=1.4441295867817865, c2=0.04617298610100537, score=0.749684 - 1.1s
[CV] c1=0.9083002880554646, c2=0.06812733950477726 ...................
[CV] c1=0.9083002880554646, c2=0.06812733950477726, score=0.612088 - 1.5s
[CV] c1=0.3260719095302179, c2=0.006813084571107944 ..................
[CV] c1=0.3260719095302179, c2=0.006813084571107944, score=0.866353 - 1.5s
[CV] c1=0.3711464209171215, c2=0.026426512830792455 ..................
[CV] c1=0.3711464209171215, c2=0.026426512830792455, score=0.932576 - 1.7s
[CV] c1=1.153575870900293, c2=0.05542813661094087 ....................
[CV] c1=1.153575870900293, c2=0.05542813661094087, score=0.798145 - 1.3s
[CV] c1=0.33946363371240573, c2=0.06622555496570426 ..................
[CV] c1=0.33946363371240573, c2=0.06622555496570426, score=0.884921 - 1.1s
[CV] c1=1.31221984858164, c2=0.02750876882572302 .....................
[CV] c1=1.31221984858164, c2=0.02750876882572302, score=0.801309 - 1.4s
[CV] c1=0.22410917154971952, c2=0.0741115060611966 ...................
[CV] c1=0.22410917154971952, c2=0.0741115060611966, score=0.931991 - 1.5s
[CV] c1=0.3711464209171215, c2=0.026426512830792455 ..................
[CV] c1=0.3711464209171215, c2=0.026426512830792455, score=0.712169 - 1.6s
[CV] c1=1.7997186106473309, c2=0.0754349182496969 ....................
[CV] c1=1.7997186106473309, c2=0.0754349182496969, score=0.774478 - 1.7s
[CV] c1=0.33946363371240573, c2=0.06622555496570426 ..................
[CV] c1=0.33946363371240573, c2=0.06622555496570426, score=0.913784 - 1.2s
Training done in: 10.202275s
Saving training model...
Saving training model done in: 0.014887s
*********************************
Prediction done in: 0.043297s
-------------------------------- PARAMETERS --------------------------------
Path of training data set: /home/egaytan/automatic-extraction-growth-conditions/CRF/data-sets
File with training data set: training-data-set-70.txt
Path of test data set: /home/egaytan/automatic-extraction-growth-conditions/CRF/data-sets
File with test data set: test-data-set-30.txt
Exclude stop words: False
Levels: True True
Report file: _v11
Exclude symbols: False
-------------------------------- PROCESSING --------------------------------
Reading corpus...
Sentences training data: 286
Sentences test data: 123
Reading corpus done in: 0.003623s
-------------------------------- FEATURES --------------------------------
--------------------------Features Training ---------------------------
0 1
0 lemma 2
1 postag CD
2 -1:lemma fructose
3 -1:postag NN
4 hUpper False
5 hLower False
6 hGreek False
7 symb False
8 lemma[:1] 2
9 postag[:1] C
10 postag[:2] CD
11 word 2
12 isUpper False
13 isLower False
14 isGreek False
15 isNumber True
16 -1:word fructose
17 -2:lemma Cra
18 -2:postag NNP
--------------------------- FeaturesTest -----------------------------
0 1
0 lemma delta-arca
1 postag NN
2 -1:lemma _
3 -1:postag NN
4 +1:lemma _
5 +1:postag CD
6 hUpper True
7 hLower True
8 hGreek False
9 symb True
10 lemma[:1] d
11 postag[:1] N
12 lemma[:2] de
13 postag[:2] NN
14 word delta-arcA
15 isUpper False
16 isLower False
17 isGreek False
18 isNumber False
19 -1:word _
20 +1:word _
21 -2:lemma affyexp
22 -2:postag JJ
23 +2:lemma glucose
24 +2:postag NN
Fitting 10 folds for each of 20 candidates, totalling 200 fits
[CV] c1=0.019077332979171517, c2=0.03842571004062146 .................
[CV] c1=0.019077332979171517, c2=0.03842571004062146, score=0.886214 - 1.6s
[CV] c1=0.037354859851607435, c2=0.07305354899253944 .................
[CV] c1=0.037354859851607435, c2=0.07305354899253944, score=0.877424 - 1.7s
[CV] c1=1.3925811330953486, c2=0.01587323954257908 ...................
[CV] c1=1.3925811330953486, c2=0.01587323954257908, score=0.917614 - 1.9s
[CV] c1=0.23763693406252395, c2=0.15562360351028884 ..................
[CV] c1=0.23763693406252395, c2=0.15562360351028884, score=0.901459 - 1.8s
[CV] c1=0.3528158466716618, c2=0.02622785537868205 ...................
[CV] c1=0.3528158466716618, c2=0.02622785537868205, score=0.917472 - 1.7s
[CV] c1=0.005630188558136274, c2=0.0901354093196231 ..................
[CV] c1=0.005630188558136274, c2=0.0901354093196231, score=0.886214 - 1.7s
[CV] c1=0.34832253122622947, c2=0.0024260335577202747 ................
[CV] c1=0.34832253122622947, c2=0.0024260335577202747, score=0.927028 - 2.0s
[CV] c1=1.3925811330953486, c2=0.01587323954257908 ...................
[CV] c1=1.3925811330953486, c2=0.01587323954257908, score=0.897464 - 1.8s
[CV] c1=0.23763693406252395, c2=0.15562360351028884 ..................
[CV] c1=0.23763693406252395, c2=0.15562360351028884, score=0.807866 - 2.0s
[CV] c1=0.3528158466716618, c2=0.02622785537868205 ...................
[CV] c1=0.3528158466716618, c2=0.02622785537868205, score=0.872077 - 1.9s
[CV] c1=0.019077332979171517, c2=0.03842571004062146 .................
[CV] c1=0.019077332979171517, c2=0.03842571004062146, score=0.864462 - 1.7s
[CV] c1=0.037354859851607435, c2=0.07305354899253944 .................
[CV] c1=0.037354859851607435, c2=0.07305354899253944, score=0.927296 - 1.7s
[CV] c1=1.6782438716438826, c2=0.005852028918477585 ..................
[CV] c1=1.6782438716438826, c2=0.005852028918477585, score=0.617405 - 1.9s
[CV] c1=1.448745475188601, c2=0.026142389740376516 ...................
[CV] c1=1.448745475188601, c2=0.026142389740376516, score=0.777170 - 1.3s
[CV] c1=0.3528158466716618, c2=0.02622785537868205 ...................
[CV] c1=0.3528158466716618, c2=0.02622785537868205, score=0.819428 - 1.9s
[CV] c1=0.23410168766018233, c2=0.007576332674008764 .................
[CV] c1=0.23410168766018233, c2=0.007576332674008764, score=0.826964 - 1.7s
[CV] c1=0.9295470777582396, c2=0.06136448305133849 ...................
[CV] c1=0.9295470777582396, c2=0.06136448305133849, score=0.857436 - 1.7s
[CV] c1=1.6782438716438826, c2=0.005852028918477585 ..................
[CV] c1=1.6782438716438826, c2=0.005852028918477585, score=0.759234 - 1.7s
[CV] c1=1.448745475188601, c2=0.026142389740376516 ...................
[CV] c1=1.448745475188601, c2=0.026142389740376516, score=0.789940 - 1.6s
[CV] c1=0.3528158466716618, c2=0.02622785537868205 ...................
[CV] c1=0.3528158466716618, c2=0.02622785537868205, score=0.827435 - 1.8s
[CV] c1=0.019077332979171517, c2=0.03842571004062146 .................
[CV] c1=0.019077332979171517, c2=0.03842571004062146, score=0.947560 - 1.9s
[CV] c1=0.9295470777582396, c2=0.06136448305133849 ...................
[CV] c1=0.9295470777582396, c2=0.06136448305133849, score=0.799499 - 1.7s
[CV] c1=1.6782438716438826, c2=0.005852028918477585 ..................
[CV] c1=1.6782438716438826, c2=0.005852028918477585, score=0.798512 - 1.8s
[CV] c1=1.448745475188601, c2=0.026142389740376516 ...................
[CV] c1=1.448745475188601, c2=0.026142389740376516, score=0.897464 - 1.9s
[CV] c1=0.3528158466716618, c2=0.02622785537868205 ...................
[CV] c1=0.3528158466716618, c2=0.02622785537868205, score=0.923585 - 1.8s
[CV] c1=0.6426016214333032, c2=0.013291072696330009 ..................
[CV] c1=0.6426016214333032, c2=0.013291072696330009, score=0.813534 - 1.9s
[CV] c1=0.9295470777582396, c2=0.06136448305133849 ...................
[CV] c1=0.9295470777582396, c2=0.06136448305133849, score=0.818750 - 2.0s
[CV] c1=0.42695722657704505, c2=0.061285485086823 ....................
[CV] c1=0.42695722657704505, c2=0.061285485086823, score=0.877672 - 1.9s
[CV] c1=0.6285063975967342, c2=0.00047708053019435885 ................
[CV] c1=0.6285063975967342, c2=0.00047708053019435885, score=0.917821 - 1.8s
[CV] c1=0.46546093853678977, c2=0.10881019404335167 ..................
[CV] c1=0.46546093853678977, c2=0.10881019404335167, score=0.836208 - 1.5s
[CV] c1=0.005630188558136274, c2=0.0901354093196231 ..................
[CV] c1=0.005630188558136274, c2=0.0901354093196231, score=0.927296 - 1.6s
[CV] c1=0.34832253122622947, c2=0.0024260335577202747 ................
[CV] c1=0.34832253122622947, c2=0.0024260335577202747, score=0.815328 - 1.8s
[CV] c1=1.3925811330953486, c2=0.01587323954257908 ...................
[CV] c1=1.3925811330953486, c2=0.01587323954257908, score=0.744355 - 1.9s
[CV] c1=0.23763693406252395, c2=0.15562360351028884 ..................
[CV] c1=0.23763693406252395, c2=0.15562360351028884, score=0.818450 - 2.0s
[CV] c1=0.3528158466716618, c2=0.02622785537868205 ...................
[CV] c1=0.3528158466716618, c2=0.02622785537868205, score=0.727471 - 2.1s
[CV] c1=0.005630188558136274, c2=0.0901354093196231 ..................
[CV] c1=0.005630188558136274, c2=0.0901354093196231, score=0.871337 - 1.6s
[CV] c1=0.34832253122622947, c2=0.0024260335577202747 ................
[CV] c1=0.34832253122622947, c2=0.0024260335577202747, score=0.879397 - 2.3s
[CV] c1=1.3925811330953486, c2=0.01587323954257908 ...................
[CV] c1=1.3925811330953486, c2=0.01587323954257908, score=0.814374 - 1.9s
[CV] c1=0.23763693406252395, c2=0.15562360351028884 ..................
[CV] c1=0.23763693406252395, c2=0.15562360351028884, score=0.876526 - 1.9s
[CV] c1=0.3528158466716618, c2=0.02622785537868205 ...................
[CV] c1=0.3528158466716618, c2=0.02622785537868205, score=0.920469 - 2.0s
[CV] c1=0.019077332979171517, c2=0.03842571004062146 .................
[CV] c1=0.019077332979171517, c2=0.03842571004062146, score=0.710634 - 1.9s
[CV] c1=0.037354859851607435, c2=0.07305354899253944 .................
[CV] c1=0.037354859851607435, c2=0.07305354899253944, score=0.867297 - 1.8s
[CV] c1=1.6782438716438826, c2=0.005852028918477585 ..................
[CV] c1=1.6782438716438826, c2=0.005852028918477585, score=0.859655 - 2.0s
[CV] c1=1.448745475188601, c2=0.026142389740376516 ...................
[CV] c1=1.448745475188601, c2=0.026142389740376516, score=0.792588 - 2.0s
[CV] c1=0.068283530973784, c2=0.035968750782347465 ...................
[CV] c1=0.068283530973784, c2=0.035968750782347465, score=0.694284 - 1.9s
[CV] c1=0.005630188558136274, c2=0.0901354093196231 ..................
[CV] c1=0.005630188558136274, c2=0.0901354093196231, score=0.696553 - 1.8s
[CV] c1=0.34832253122622947, c2=0.0024260335577202747 ................
[CV] c1=0.34832253122622947, c2=0.0024260335577202747, score=0.815781 - 2.0s
[CV] c1=1.3925811330953486, c2=0.01587323954257908 ...................
[CV] c1=1.3925811330953486, c2=0.01587323954257908, score=0.609476 - 2.2s
[CV] c1=1.448745475188601, c2=0.026142389740376516 ...................
[CV] c1=1.448745475188601, c2=0.026142389740376516, score=0.727632 - 2.2s
[CV] c1=0.068283530973784, c2=0.035968750782347465 ...................
[CV] c1=0.068283530973784, c2=0.035968750782347465, score=0.927296 - 1.9s
[CV] c1=0.005630188558136274, c2=0.0901354093196231 ..................
[CV] c1=0.005630188558136274, c2=0.0901354093196231, score=0.869321 - 1.8s
[CV] c1=0.34832253122622947, c2=0.0024260335577202747 ................
[CV] c1=0.34832253122622947, c2=0.0024260335577202747, score=0.836437 - 1.9s
[CV] c1=1.6782438716438826, c2=0.005852028918477585 ..................
[CV] c1=1.6782438716438826, c2=0.005852028918477585, score=0.741826 - 2.1s
[CV] c1=1.448745475188601, c2=0.026142389740376516 ...................
[CV] c1=1.448745475188601, c2=0.026142389740376516, score=0.767841 - 1.9s
[CV] c1=0.068283530973784, c2=0.035968750782347465 ...................
[CV] c1=0.068283530973784, c2=0.035968750782347465, score=0.888272 - 1.8s
[CV] c1=0.019077332979171517, c2=0.03842571004062146 .................
[CV] c1=0.019077332979171517, c2=0.03842571004062146, score=0.927296 - 1.7s
[CV] c1=0.037354859851607435, c2=0.07305354899253944 .................
[CV] c1=0.037354859851607435, c2=0.07305354899253944, score=0.855584 - 1.8s
[CV] c1=1.3925811330953486, c2=0.01587323954257908 ...................
[CV] c1=1.3925811330953486, c2=0.01587323954257908, score=0.767841 - 1.8s
[CV] c1=0.23763693406252395, c2=0.15562360351028884 ..................
[CV] c1=0.23763693406252395, c2=0.15562360351028884, score=0.927296 - 1.6s
[CV] c1=0.3528158466716618, c2=0.02622785537868205 ...................
[CV] c1=0.3528158466716618, c2=0.02622785537868205, score=0.863961 - 2.1s
[CV] c1=0.005630188558136274, c2=0.0901354093196231 ..................
[CV] c1=0.005630188558136274, c2=0.0901354093196231, score=0.832514 - 1.6s
[CV] c1=0.34832253122622947, c2=0.0024260335577202747 ................
[CV] c1=0.34832253122622947, c2=0.0024260335577202747, score=0.702779 - 2.0s
[CV] c1=1.3925811330953486, c2=0.01587323954257908 ...................
[CV] c1=1.3925811330953486, c2=0.01587323954257908, score=0.777170 - 1.8s
[CV] c1=0.23763693406252395, c2=0.15562360351028884 ..................
[CV] c1=0.23763693406252395, c2=0.15562360351028884, score=0.852142 - 2.2s
[CV] c1=0.3528158466716618, c2=0.02622785537868205 ...................
[CV] c1=0.3528158466716618, c2=0.02622785537868205, score=0.950725 - 2.0s
[CV] c1=0.019077332979171517, c2=0.03842571004062146 .................
[CV] c1=0.019077332979171517, c2=0.03842571004062146, score=0.876720 - 1.7s
[CV] c1=0.34832253122622947, c2=0.0024260335577202747 ................
[CV] c1=0.34832253122622947, c2=0.0024260335577202747, score=0.950725 - 2.0s
[CV] c1=1.3925811330953486, c2=0.01587323954257908 ...................
[CV] c1=1.3925811330953486, c2=0.01587323954257908, score=0.925424 - 1.9s
[CV] c1=0.23763693406252395, c2=0.15562360351028884 ..................
[CV] c1=0.23763693406252395, c2=0.15562360351028884, score=0.827435 - 2.1s
[CV] c1=0.068283530973784, c2=0.035968750782347465 ...................
[CV] c1=0.068283530973784, c2=0.035968750782347465, score=0.857576 - 1.9s
[CV] c1=0.23410168766018233, c2=0.007576332674008764 .................
[CV] c1=0.23410168766018233, c2=0.007576332674008764, score=0.847957 - 2.0s
[CV] c1=0.05139054695837179, c2=0.0988983229417386 ...................
[CV] c1=0.05139054695837179, c2=0.0988983229417386, score=0.854858 - 1.8s
[CV] c1=0.7425928083768661, c2=0.07211893896234671 ...................
[CV] c1=0.7425928083768661, c2=0.07211893896234671, score=0.932900 - 2.1s
[CV] c1=1.5389567508867608, c2=0.0341172934690459 ....................
[CV] c1=1.5389567508867608, c2=0.0341172934690459, score=0.916688 - 1.9s
[CV] c1=0.005630188558136274, c2=0.0901354093196231 ..................
[CV] c1=0.005630188558136274, c2=0.0901354093196231, score=0.834436 - 1.9s
[CV] c1=0.34832253122622947, c2=0.0024260335577202747 ................
[CV] c1=0.34832253122622947, c2=0.0024260335577202747, score=0.920469 - 1.9s
[CV] c1=1.3925811330953486, c2=0.01587323954257908 ...................
[CV] c1=1.3925811330953486, c2=0.01587323954257908, score=0.792588 - 2.0s
[CV] c1=0.23763693406252395, c2=0.15562360351028884 ..................
[CV] c1=0.23763693406252395, c2=0.15562360351028884, score=0.945654 - 2.4s
[CV] c1=0.068283530973784, c2=0.035968750782347465 ...................
[CV] c1=0.068283530973784, c2=0.035968750782347465, score=0.950946 - 1.9s
[CV] c1=0.005630188558136274, c2=0.0901354093196231 ..................
[CV] c1=0.005630188558136274, c2=0.0901354093196231, score=0.854858 - 1.8s
[CV] c1=0.34832253122622947, c2=0.0024260335577202747 ................
[CV] c1=0.34832253122622947, c2=0.0024260335577202747, score=0.932775 - 2.0s
[CV] c1=1.6782438716438826, c2=0.005852028918477585 ..................
[CV] c1=1.6782438716438826, c2=0.005852028918477585, score=0.803472 - 2.0s
[CV] c1=1.448745475188601, c2=0.026142389740376516 ...................
[CV] c1=1.448745475188601, c2=0.026142389740376516, score=0.917614 - 2.2s
[CV] c1=0.46546093853678977, c2=0.10881019404335167 ..................
[CV] c1=0.46546093853678977, c2=0.10881019404335167, score=0.848596 - 1.8s
[CV] c1=0.019077332979171517, c2=0.03842571004062146 .................
[CV] c1=0.019077332979171517, c2=0.03842571004062146, score=0.874253 - 1.8s
[CV] c1=0.037354859851607435, c2=0.07305354899253944 .................
[CV] c1=0.037354859851607435, c2=0.07305354899253944, score=0.854858 - 2.0s
[CV] c1=0.42695722657704505, c2=0.061285485086823 ....................
[CV] c1=0.42695722657704505, c2=0.061285485086823, score=0.846250 - 1.7s
[CV] c1=1.448745475188601, c2=0.026142389740376516 ...................
[CV] c1=1.448745475188601, c2=0.026142389740376516, score=0.929519 - 1.9s
[CV] c1=0.068283530973784, c2=0.035968750782347465 ...................
[CV] c1=0.068283530973784, c2=0.035968750782347465, score=0.939823 - 1.7s
[CV] c1=0.6426016214333032, c2=0.013291072696330009 ..................
[CV] c1=0.6426016214333032, c2=0.013291072696330009, score=0.873425 - 1.8s
[CV] c1=0.9295470777582396, c2=0.06136448305133849 ...................
[CV] c1=0.9295470777582396, c2=0.06136448305133849, score=0.849027 - 1.8s
[CV] c1=0.42695722657704505, c2=0.061285485086823 ....................
[CV] c1=0.42695722657704505, c2=0.061285485086823, score=0.917821 - 1.8s
[CV] c1=0.6285063975967342, c2=0.00047708053019435885 ................
[CV] c1=0.6285063975967342, c2=0.00047708053019435885, score=0.841763 - 1.8s
[CV] c1=0.068283530973784, c2=0.035968750782347465 ...................
[CV] c1=0.068283530973784, c2=0.035968750782347465, score=0.864462 - 1.8s
[CV] c1=0.005630188558136274, c2=0.0901354093196231 ..................
[CV] c1=0.005630188558136274, c2=0.0901354093196231, score=0.937535 - 2.0s
[CV] c1=0.037354859851607435, c2=0.07305354899253944 .................
[CV] c1=0.037354859851607435, c2=0.07305354899253944, score=0.933952 - 2.0s
[CV] c1=1.6782438716438826, c2=0.005852028918477585 ..................
[CV] c1=1.6782438716438826, c2=0.005852028918477585, score=0.916688 - 1.7s
[CV] c1=1.448745475188601, c2=0.026142389740376516 ...................
[CV] c1=1.448745475188601, c2=0.026142389740376516, score=0.892703 - 2.1s
[CV] c1=0.068283530973784, c2=0.035968750782347465 ...................
[CV] c1=0.068283530973784, c2=0.035968750782347465, score=0.893806 - 1.9s
[CV] c1=0.6426016214333032, c2=0.013291072696330009 ..................
[CV] c1=0.6426016214333032, c2=0.013291072696330009, score=0.917821 - 1.7s
[CV] c1=0.037354859851607435, c2=0.07305354899253944 .................
[CV] c1=0.037354859851607435, c2=0.07305354899253944, score=0.945871 - 2.0s
[CV] c1=0.42695722657704505, c2=0.061285485086823 ....................
[CV] c1=0.42695722657704505, c2=0.061285485086823, score=0.694284 - 2.0s
[CV] c1=0.6285063975967342, c2=0.00047708053019435885 ................
[CV] c1=0.6285063975967342, c2=0.00047708053019435885, score=0.818750 - 2.0s
[CV] c1=0.46546093853678977, c2=0.10881019404335167 ..................
[CV] c1=0.46546093853678977, c2=0.10881019404335167, score=0.917821 - 1.7s
[CV] c1=0.019077332979171517, c2=0.03842571004062146 .................
[CV] c1=0.019077332979171517, c2=0.03842571004062146, score=0.844415 - 1.9s
[CV] c1=0.037354859851607435, c2=0.07305354899253944 .................
[CV] c1=0.037354859851607435, c2=0.07305354899253944, score=0.886214 - 1.7s
[CV] c1=1.6782438716438826, c2=0.005852028918477585 ..................
[CV] c1=1.6782438716438826, c2=0.005852028918477585, score=0.833470 - 1.8s
[CV] c1=1.448745475188601, c2=0.026142389740376516 ...................
[CV] c1=1.448745475188601, c2=0.026142389740376516, score=0.609476 - 2.1s
[CV] c1=0.068283530973784, c2=0.035968750782347465 ...................
[CV] c1=0.068283530973784, c2=0.035968750782347465, score=0.832180 - 1.8s
[CV] c1=0.6426016214333032, c2=0.013291072696330009 ..................
[CV] c1=0.6426016214333032, c2=0.013291072696330009, score=0.923585 - 1.8s
[CV] c1=0.9295470777582396, c2=0.06136448305133849 ...................
[CV] c1=0.9295470777582396, c2=0.06136448305133849, score=0.801130 - 2.0s
[CV] c1=0.7425928083768661, c2=0.07211893896234671 ...................
[CV] c1=0.7425928083768661, c2=0.07211893896234671, score=0.786527 - 1.7s
[CV] c1=0.6285063975967342, c2=0.00047708053019435885 ................
[CV] c1=0.6285063975967342, c2=0.00047708053019435885, score=0.950725 - 1.8s
[CV] c1=0.46546093853678977, c2=0.10881019404335167 ..................
[CV] c1=0.46546093853678977, c2=0.10881019404335167, score=0.798342 - 1.7s
[CV] c1=0.6426016214333032, c2=0.013291072696330009 ..................
[CV] c1=0.6426016214333032, c2=0.013291072696330009, score=0.869357 - 1.9s
[CV] c1=0.9295470777582396, c2=0.06136448305133849 ...................
[CV] c1=0.9295470777582396, c2=0.06136448305133849, score=0.932739 - 1.9s
[CV] c1=0.7425928083768661, c2=0.07211893896234671 ...................
[CV] c1=0.7425928083768661, c2=0.07211893896234671, score=0.809571 - 2.0s
[CV] c1=1.5389567508867608, c2=0.0341172934690459 ....................
[CV] c1=1.5389567508867608, c2=0.0341172934690459, score=0.777170 - 1.8s
[CV] c1=0.46546093853678977, c2=0.10881019404335167 ..................
[CV] c1=0.46546093853678977, c2=0.10881019404335167, score=0.824101 - 1.6s
[CV] c1=0.23410168766018233, c2=0.007576332674008764 .................
[CV] c1=0.23410168766018233, c2=0.007576332674008764, score=0.931991 - 1.8s
[CV] c1=0.05139054695837179, c2=0.0988983229417386 ...................
[CV] c1=0.05139054695837179, c2=0.0988983229417386, score=0.876720 - 1.7s
[CV] c1=0.42695722657704505, c2=0.061285485086823 ....................
[CV] c1=0.42695722657704505, c2=0.061285485086823, score=0.888955 - 1.8s
[CV] c1=0.6285063975967342, c2=0.00047708053019435885 ................
[CV] c1=0.6285063975967342, c2=0.00047708053019435885, score=0.871106 - 1.9s
[CV] c1=0.46546093853678977, c2=0.10881019404335167 ..................
[CV] c1=0.46546093853678977, c2=0.10881019404335167, score=0.950725 - 1.8s
[CV] c1=0.019077332979171517, c2=0.03842571004062146 .................
[CV] c1=0.019077332979171517, c2=0.03842571004062146, score=0.871039 - 1.9s
[CV] c1=0.037354859851607435, c2=0.07305354899253944 .................
[CV] c1=0.037354859851607435, c2=0.07305354899253944, score=0.834436 - 1.9s
[CV] c1=1.6782438716438826, c2=0.005852028918477585 ..................
[CV] c1=1.6782438716438826, c2=0.005852028918477585, score=0.912553 - 2.2s
[CV] c1=0.6285063975967342, c2=0.00047708053019435885 ................
[CV] c1=0.6285063975967342, c2=0.00047708053019435885, score=0.798097 - 2.2s
[CV] c1=0.46546093853678977, c2=0.10881019404335167 ..................
[CV] c1=0.46546093853678977, c2=0.10881019404335167, score=0.892309 - 1.7s
[CV] c1=0.23410168766018233, c2=0.007576332674008764 .................
[CV] c1=0.23410168766018233, c2=0.007576332674008764, score=0.908709 - 2.0s
[CV] c1=0.05139054695837179, c2=0.0988983229417386 ...................
[CV] c1=0.05139054695837179, c2=0.0988983229417386, score=0.694284 - 1.7s
[CV] c1=0.42695722657704505, c2=0.061285485086823 ....................
[CV] c1=0.42695722657704505, c2=0.061285485086823, score=0.824101 - 1.8s
[CV] c1=0.6285063975967342, c2=0.00047708053019435885 ................
[CV] c1=0.6285063975967342, c2=0.00047708053019435885, score=0.877726 - 1.7s
[CV] c1=0.46546093853678977, c2=0.10881019404335167 ..................
[CV] c1=0.46546093853678977, c2=0.10881019404335167, score=0.702779 - 1.8s
[CV] c1=0.6426016214333032, c2=0.013291072696330009 ..................
[CV] c1=0.6426016214333032, c2=0.013291072696330009, score=0.816898 - 1.8s
[CV] c1=0.05139054695837179, c2=0.0988983229417386 ...................
[CV] c1=0.05139054695837179, c2=0.0988983229417386, score=0.855584 - 1.9s
[CV] c1=0.7425928083768661, c2=0.07211893896234671 ...................
[CV] c1=0.7425928083768661, c2=0.07211893896234671, score=0.818750 - 2.0s
[CV] c1=1.5389567508867608, c2=0.0341172934690459 ....................
[CV] c1=1.5389567508867608, c2=0.0341172934690459, score=0.897464 - 1.8s
[CV] c1=0.04223966754804299, c2=0.014836666503726496 .................
[CV] c1=0.04223966754804299, c2=0.014836666503726496, score=0.875354 - 1.5s
[CV] c1=0.6426016214333032, c2=0.013291072696330009 ..................
[CV] c1=0.6426016214333032, c2=0.013291072696330009, score=0.818750 - 1.9s
[CV] c1=0.9295470777582396, c2=0.06136448305133849 ...................
[CV] c1=0.9295470777582396, c2=0.06136448305133849, score=0.908266 - 1.9s
[CV] c1=0.42695722657704505, c2=0.061285485086823 ....................
[CV] c1=0.42695722657704505, c2=0.061285485086823, score=0.798342 - 2.1s
[CV] c1=0.6285063975967342, c2=0.00047708053019435885 ................
[CV] c1=0.6285063975967342, c2=0.00047708053019435885, score=0.824101 - 2.0s
[CV] c1=0.46546093853678977, c2=0.10881019404335167 ..................
[CV] c1=0.46546093853678977, c2=0.10881019404335167, score=0.933350 - 1.7s
[CV] c1=0.6426016214333032, c2=0.013291072696330009 ..................
[CV] c1=0.6426016214333032, c2=0.013291072696330009, score=0.946646 - 1.8s
[CV] c1=0.9295470777582396, c2=0.06136448305133849 ...................
[CV] c1=0.9295470777582396, c2=0.06136448305133849, score=0.932900 - 2.1s
[CV] c1=0.7425928083768661, c2=0.07211893896234671 ...................
[CV] c1=0.7425928083768661, c2=0.07211893896234671, score=0.632413 - 1.9s
[CV] c1=1.5389567508867608, c2=0.0341172934690459 ....................
[CV] c1=1.5389567508867608, c2=0.0341172934690459, score=0.609476 - 2.0s
[CV] c1=0.04223966754804299, c2=0.014836666503726496 .................
[CV] c1=0.04223966754804299, c2=0.014836666503726496, score=0.927296 - 1.4s
[CV] c1=0.23410168766018233, c2=0.007576332674008764 .................
[CV] c1=0.23410168766018233, c2=0.007576332674008764, score=0.708949 - 2.0s
[CV] c1=0.05139054695837179, c2=0.0988983229417386 ...................
[CV] c1=0.05139054695837179, c2=0.0988983229417386, score=0.844415 - 2.0s
[CV] c1=0.7425928083768661, c2=0.07211893896234671 ...................
[CV] c1=0.7425928083768661, c2=0.07211893896234671, score=0.862659 - 2.0s
[CV] c1=1.5389567508867608, c2=0.0341172934690459 ....................
[CV] c1=1.5389567508867608, c2=0.0341172934690459, score=0.912553 - 2.1s
[CV] c1=0.04223966754804299, c2=0.014836666503726496 .................
[CV] c1=0.04223966754804299, c2=0.014836666503726496, score=0.864462 - 1.3s
[CV] c1=0.23410168766018233, c2=0.007576332674008764 .................
[CV] c1=0.23410168766018233, c2=0.007576332674008764, score=0.916643 - 1.8s
[CV] c1=0.05139054695837179, c2=0.0988983229417386 ...................
[CV] c1=0.05139054695837179, c2=0.0988983229417386, score=0.950946 - 1.9s
[CV] c1=0.7425928083768661, c2=0.07211893896234671 ...................
[CV] c1=0.7425928083768661, c2=0.07211893896234671, score=0.936486 - 2.0s
[CV] c1=1.5389567508867608, c2=0.0341172934690459 ....................
[CV] c1=1.5389567508867608, c2=0.0341172934690459, score=0.759234 - 1.8s
[CV] c1=0.04223966754804299, c2=0.014836666503726496 .................
[CV] c1=0.04223966754804299, c2=0.014836666503726496, score=0.909996 - 1.4s
[CV] c1=0.6426016214333032, c2=0.013291072696330009 ..................
[CV] c1=0.6426016214333032, c2=0.013291072696330009, score=0.843153 - 1.6s
[CV] c1=0.037354859851607435, c2=0.07305354899253944 .................
[CV] c1=0.037354859851607435, c2=0.07305354899253944, score=0.694284 - 1.8s
[CV] c1=1.6782438716438826, c2=0.005852028918477585 ..................
[CV] c1=1.6782438716438826, c2=0.005852028918477585, score=0.750445 - 1.6s
[CV] c1=0.23763693406252395, c2=0.15562360351028884 ..................
[CV] c1=0.23763693406252395, c2=0.15562360351028884, score=0.701018 - 1.9s
[CV] c1=0.3528158466716618, c2=0.02622785537868205 ...................
[CV] c1=0.3528158466716618, c2=0.02622785537868205, score=0.813790 - 1.8s
[CV] c1=0.04223966754804299, c2=0.014836666503726496 .................
[CV] c1=0.04223966754804299, c2=0.014836666503726496, score=0.939823 - 1.3s
[CV] c1=0.23410168766018233, c2=0.007576332674008764 .................
[CV] c1=0.23410168766018233, c2=0.007576332674008764, score=0.921722 - 1.9s
[CV] c1=0.05139054695837179, c2=0.0988983229417386 ...................
[CV] c1=0.05139054695837179, c2=0.0988983229417386, score=0.945871 - 1.8s
[CV] c1=0.7425928083768661, c2=0.07211893896234671 ...................
[CV] c1=0.7425928083768661, c2=0.07211893896234671, score=0.815896 - 1.9s
[CV] c1=1.5389567508867608, c2=0.0341172934690459 ....................
[CV] c1=1.5389567508867608, c2=0.0341172934690459, score=0.798512 - 1.8s
[CV] c1=0.04223966754804299, c2=0.014836666503726496 .................
[CV] c1=0.04223966754804299, c2=0.014836666503726496, score=0.888272 - 1.5s
[CV] c1=0.019077332979171517, c2=0.03842571004062146 .................
[CV] c1=0.019077332979171517, c2=0.03842571004062146, score=0.945871 - 1.8s
[CV] c1=0.9295470777582396, c2=0.06136448305133849 ...................
[CV] c1=0.9295470777582396, c2=0.06136448305133849, score=0.744355 - 2.1s
[CV] c1=0.42695722657704505, c2=0.061285485086823 ....................
[CV] c1=0.42695722657704505, c2=0.061285485086823, score=0.950725 - 2.0s
[CV] c1=1.5389567508867608, c2=0.0341172934690459 ....................
[CV] c1=1.5389567508867608, c2=0.0341172934690459, score=0.745317 - 2.1s
[CV] c1=0.04223966754804299, c2=0.014836666503726496 .................
[CV] c1=0.04223966754804299, c2=0.014836666503726496, score=0.832180 - 1.5s
[CV] c1=0.23410168766018233, c2=0.007576332674008764 .................
[CV] c1=0.23410168766018233, c2=0.007576332674008764, score=0.872077 - 1.9s
[CV] c1=0.05139054695837179, c2=0.0988983229417386 ...................
[CV] c1=0.05139054695837179, c2=0.0988983229417386, score=0.927296 - 1.6s
[CV] c1=0.42695722657704505, c2=0.061285485086823 ....................
[CV] c1=0.42695722657704505, c2=0.061285485086823, score=0.923585 - 1.9s
[CV] c1=0.6285063975967342, c2=0.00047708053019435885 ................
[CV] c1=0.6285063975967342, c2=0.00047708053019435885, score=0.923585 - 2.0s
[CV] c1=0.04223966754804299, c2=0.014836666503726496 .................
[CV] c1=0.04223966754804299, c2=0.014836666503726496, score=0.870571 - 1.7s
Training done in: 12.658946s
Saving training model...
Saving training model done in: 0.013450s
*********************************
Prediction done in: 0.050529s
********** TRAINING AND TESTING REPORT **********
Training file: training-data-set-70_v4.txt
best params:{'c1': 0.025778789677348212, 'c2': 0.0018714562014074947}
best CV score:0.8085092726655764
model size: 0.08M
Flat F1: 0.8137583902797803
precision recall f1-score support
OD 1.000 0.405 0.577 37
pH 1.000 1.000 1.000 12
Technique 0.880 1.000 0.936 22
Med 0.852 0.912 0.881 57
Temp 0.818 1.000 0.900 18
Vess 0.000 0.000 0.000 0
Agit 0.000 0.000 0.000 0
Phase 1.000 0.947 0.973 19
Air 0.920 0.742 0.821 62
Anti 1.000 0.444 0.615 9
Strain 1.000 1.000 1.000 1
Gtype 0.905 0.811 0.856 106
Substrain 0.000 0.000 0.000 1
Supp 0.883 0.669 0.762 136
Gversion 0.000 0.000 0.000 0
avg / total 0.904 0.760 0.814 480
Top likely transitions:
OD -> OD 6.458139
Agit -> Agit 6.258931
Anti -> Anti 6.237003
Temp -> Temp 6.159227
Med -> Med 5.670034
O -> O 5.195209
Air -> Air 5.178796
Gversion -> Gversion 5.056321
Gtype -> Gtype 4.897516
Phase -> Phase 4.866866
Technique -> Technique 4.086604
Supp -> Supp 3.969422
pH -> pH 2.272089
Substrain -> Gtype 1.512606
O -> Supp 1.281866
Gtype -> Supp 1.254695
Technique -> Air 1.119472
O -> Technique 1.098084
O -> Anti 0.739732
O -> Gtype 0.595581
O -> Gversion 0.361965
O -> Temp 0.359101
Gtype -> pH 0.252154
O -> Strain 0.203795
Air -> O 0.106227
Gtype -> Air 0.052216
O -> pH 0.007039
Gversion -> Supp -0.000001
pH -> Supp -0.000232
Strain -> O -0.001882
Phase -> Supp -0.055890
Phase -> Air -0.056319
OD -> Phase -0.082524
O -> Phase -0.121225
O -> OD -0.123240
Gtype -> Phase -0.163289
Temp -> O -0.187600
Med -> O -0.241653
Gtype -> Gversion -0.242298
pH -> O -0.266321
OD -> Supp -0.290317
Air -> Gtype -0.354319
Phase -> Temp -0.371875
Anti -> O -0.373128
Phase -> pH -0.374040
Phase -> Gtype -0.388060
Technique -> Gtype -0.398116
Gversion -> O -0.453455
Air -> Phase -0.500367
Supp -> Phase -0.539395
Top unlikely transitions:
Med -> O -0.241653
Gtype -> Gversion -0.242298
pH -> O -0.266321
OD -> Supp -0.290317
Air -> Gtype -0.354319
Phase -> Temp -0.371875
Anti -> O -0.373128
Phase -> pH -0.374040
Phase -> Gtype -0.388060
Technique -> Gtype -0.398116
Gversion -> O -0.453455
Air -> Phase -0.500367
Supp -> Phase -0.539395
O -> Med -0.558012
Technique -> O -0.563680
Technique -> pH -0.572119
OD -> Air -0.575190
Phase -> O -0.591227
Med -> Anti -0.624886
Anti -> OD -0.642709
O -> Air -0.644641
Phase -> Technique -0.707027
Supp -> pH -0.714103
Gtype -> O -0.767223
Supp -> Gversion -0.770430
Supp -> Anti -0.833703
Supp -> Technique -0.866289
Gtype -> Med -0.879350
Supp -> OD -0.892817
Agit -> O -0.961537
Phase -> Med -0.969283
Temp -> Med -1.069687
Air -> Temp -1.156985
Air -> Supp -1.269357
OD -> O -1.314886
Supp -> Air -1.325800
Technique -> OD -1.524590
OD -> Med -1.583386
Supp -> Gtype -1.630169
Gtype -> OD -1.657535
Supp -> O -1.680041
Supp -> Temp -1.709825
Air -> Med -1.823169
OD -> Gtype -1.852919
Gtype -> Anti -1.909177
Substrain -> O -1.923623
Air -> OD -2.860427
Med -> Supp -2.964145
Supp -> Med -3.290588
Phase -> OD -4.227426
Top positive:
11.662855 Supp b'lemma:Iron'
10.511953 O b'lemma:_'
10.230310 Phase b'lemma:stationary'
9.183606 Air b'lemma:anaerobic'
9.126291 O b'lemma:1'
8.974301 Med b'lemma:MOPS'
8.702900 O b'lemma:rpob'
8.676761 Phase b'lemma:mid-log'
8.568886 Air b'lemma:aerobic'
8.230748 Technique b'lemma:chipseq'
8.195390 Technique b'lemma:ChIP-exo'
8.058605 O b'-1:lemma:tag'
7.748813 Supp b'lemma:nitrate'
7.383352 Med b'lemma:LB'
7.258212 O b'lemma:2'
7.185114 Gversion b'lemma:asm584v2'
7.171158 O b'lemma:3'
7.148092 Strain b'lemma:k-12'
7.115910 Supp b'lemma:pq'
7.026371 O b'lemma:for'
7.014323 Gtype b'lemma:arca8myc'
7.008078 Supp b'+1:lemma:\xc2\xb5m'
6.977598 Gtype b'lemma:\xce\xb4cra'
6.880186 Gtype b'lemma:flag-tag'
6.880186 Gtype b'-1:lemma:c-terminal'
6.658138 Gtype b'lemma:delta-arca'
6.634178 O b'lemma:rep3'
6.604885 O b'lemma:rep1'
6.417248 O b'lemma:rep2'
6.415638 O b'lemma:Custom'
6.361925 Gtype b'lemma:fnr8myc'
6.326103 Supp b'lemma:acetate'
6.318547 O b'-1:lemma:ChIP-exo'
6.305986 OD b'+1:lemma:stationary'
6.292137 Air b'lemma:Aerobic'
6.239583 Supp b'-1:lemma:Cra'
6.162599 Air b'-1:lemma:ChIP-Seq'
6.138632 O b'-1:lemma:0.3-0.35'
6.069303 O b'lemma:b'
6.025530 Substrain b'lemma:mg1655'
6.018017 OD b'lemma:od450'
5.968029 Anti b'lemma:none'
5.951239 Technique b'lemma:rna-seq'
5.870411 Gtype b'lemma:delta-fnr'
5.859331 Supp b'lemma:rifampicin'
5.853962 O b'lemma:with'
5.787035 Supp b'lemma:Fe'
5.696867 O b'lemma:Cra'
5.666336 Gtype b'lemma:wt'
5.634727 O b'lemma:\xcf\x8332'
5.556439 Anti b'lemma:seqa'
5.495699 Technique b'lemma:rnaseq'
5.475249 O b'lemma:-'
5.461891 O b'postag::'
5.444655 Gtype b'-1:lemma:\xe2\x88\x86'
5.439532 Supp b'lemma:nh4cl'
5.347691 Med b'+1:lemma:0.4'
5.306864 Gtype b'+1:lemma:type'
5.249286 Supp b'lemma:arginine'
5.228272 Anti b'lemma:anti-myc'
5.189623 Gtype b'lemma:\xce\xb4fur'
5.112523 Med b'lemma:lb'
5.068530 O b'lemma:chip'
5.060776 O b'lemma:CEL'
5.009251 O b'lemma:a'
4.960032 Temp b'-1:lemma:\xcf\x8332'
4.958666 O b'-1:lemma:Aerobic'
4.897653 Supp b'-1:lemma:+'
4.868444 O b'lemma:.'
4.868444 O b'postag:.'
4.830243 Supp b'lemma:glucose'
4.820752 Supp b'lemma:no3'
4.796496 Supp b'lemma:dpd'
4.791818 O b'+1:postag:RB'
4.789121 O b'-1:lemma:anaerobic'
4.777256 Temp b'-1:lemma:37'
4.758659 Technique b'-1:lemma:IP'
4.751186 Gtype b'lemma:wild-type'
4.743291 Supp b'+1:lemma:1'
4.741868 Vess b'lemma:flask'
4.741868 Vess b'-1:lemma:warm'
4.683816 O b'-1:lemma:glucose'
4.643413 Anti b'lemma:anti-rpos'
4.633816 Technique b'lemma:chip-seq'
4.629451 O b'lemma:oxyr'
4.567353 Gtype b'lemma:\xe2\x88\x86'
4.557296 Supp b'lemma:fructose'
4.556286 O b'lemma:affyexp'
4.553249 OD b'lemma:od600'
4.531615 Gtype b'lemma:type'
4.489891 O b'-1:lemma:0.3'
4.480766 O b'lemma:2-3'
4.479384 Gversion b'lemma:nc'
4.467099 Technique b'+1:lemma:chip-exo'
4.434426 Gtype b'lemma:\xce\xb4soxs'
4.430899 O b'-1:lemma:dpd'
4.412502 Strain b'+1:lemma:substr'
4.408579 O b'lemma:or'
4.394512 O b'+1:lemma:o.d.'
4.374031 O b'+1:lemma:sparging'
4.312161 Phase b'+1:lemma:for'
4.261060 O b'lemma:chip-arca'
4.215222 Air b'lemma:anerobically'
4.197581 Technique b'+1:lemma:rna-seq'
4.178924 Supp b'+1:lemma:_'
4.178128 Gversion b'lemma:chip-seq'
4.162694 Technique b'lemma:ChIP-Seq'
4.136869 Supp b'+1:lemma:hour'
4.135692 O b'+1:lemma:od600'
4.120055 O b'postag:IN'
4.088450 Gtype b'lemma:nsrr'
4.087944 Med b'-1:lemma:ml'
4.053773 Gtype b'+1:lemma:with'
4.022074 Gtype b'lemma:\xce\xb4ompr'
4.019457 Gtype b'lemma:WT'
3.994335 Gversion b'-1:lemma:nc'
3.986008 pH b'lemma:ph5'
3.986008 pH b'+1:lemma:.5'
3.963426 O b'lemma:ompr'
3.957893 Med b'+1:lemma:2.0'
3.957602 O b'-1:lemma:lb'
3.947299 Med b'+1:lemma:contain'
3.938942 Gtype b'lemma:pk4854'
3.936645 Supp b'lemma:Leu'
3.914299 Supp b'+1:lemma:2'
3.906482 O b'lemma:Fur'
3.904505 Gversion b'lemma:u00096'
3.904505 Gversion b'+1:lemma:.2'
3.885731 Technique b'-1:lemma:input'
3.877441 O b'-1:lemma:\xc2\xb0c'
3.864432 Gversion b'lemma:.2'
3.864432 Gversion b'-1:lemma:u00096'
3.854046 Substrain b'+1:lemma:phtpg'
3.853262 O b'lemma:s'
3.836382 O b'-1:lemma:type'
3.827763 O b'lemma:soxs'
3.827763 O b'lemma:soxr'
3.789271 Technique b'-1:lemma:chip-exo'
3.787785 Gtype b'lemma:deltaseqa'
3.787785 Gtype b'-1:lemma:old'
3.767682 O b'+1:lemma:43'
3.736088 Air b'lemma:Anaerobic'
3.723469 O b'lemma:argr'
3.707152 Med b'lemma:L'
3.707152 Med b'+1:lemma:broth'
3.693116 O b'lemma:purr'
3.692833 Gtype b'lemma:\xce\xb4oxyr'
3.687510 Gtype b'-1:lemma:ptac'
3.668468 Gtype b'lemma:\xce\xb4soxr'
3.661904 Supp b'lemma:Adenine'
3.646336 O b'+1:lemma:chip-seq'
3.633392 O b'lemma:Lrp'
3.623734 Supp b'lemma:nacl'
3.589169 O b'lemma:chip-fnr'
3.581632 Med b'lemma:glucose'
3.560733 Supp b'lemma:iptg'
3.552695 O b'lemma:delta'
3.509922 O b'postag:VBN'
3.445521 Med b'lemma:m63'
3.434419 Temp b'lemma:37'
3.388210 Temp b'-1:lemma:43'
3.386139 Gtype b'+1:lemma:knock-out'
3.379573 Temp b'-1:lemma:sample'
3.363114 Anti b'+1:lemma:antibody'
3.344587 Gtype b'+1:lemma:flagtag'
3.343995 Gtype b'lemma:dfnr'
3.336085 Med b'+1:lemma:minimal'
3.329171 Gtype b'-1:lemma:rpob'
3.326850 Supp b'+1:lemma:Deficient'
3.310593 Phase b'-1:lemma:until'
3.304072 O b'lemma:supplement'
3.302560 O b'+1:lemma:37'
3.285761 Gtype b'lemma:ptac'
3.282886 OD b'lemma:0.3'
3.280884 Gversion b'lemma:000913'
3.277170 Temp b'lemma:\xc2\xb0c'
3.267178 pH b'lemma:.5'
3.267178 pH b'-1:lemma:ph5'
3.266678 Air b'lemma:anaerobically'
3.258256 Med b'-1:lemma:LB'
3.245906 O b'lemma:at'
3.227428 Temp b'lemma:43'
3.174057 O b'postag:DT'
3.124069 O b'-1:lemma:000913'
3.122174 O b'-1:lemma:min'
3.116791 Air b'postag:RB'
3.107732 O b'lemma:pt7'
3.040595 Gtype b'lemma:\xce\xb4gadw'
3.006824 O b'-1:lemma:stpa'
2.984377 OD b'-1:lemma:~'
2.941221 Supp b'-1:lemma:\xc2\xb5m'
2.928646 Gversion b'lemma:_'
2.927017 Gtype b'lemma:soxs-8myc'
2.927017 Gtype b'lemma:soxr-8myc'
2.916978 O b'+1:lemma:mid-log'
2.899360 OD b'lemma:0.35'
2.886577 Supp b'+1:lemma:iptg'
2.876433 Supp b'lemma:leucine'
2.857437 Gtype b'lemma:purr-8myc'
2.854621 O b'postag:SYM'
Top negative:
-0.011735 OD b'+1:lemma:0.4'
-0.012143 O b'+1:lemma:0.4'
-0.012737 OD b'+1:postag:DT'
-0.013567 Gtype b'+1:postag:IN'
-0.014658 Supp b'-1:postag:NN'
-0.015388 O b'+1:lemma:co2'
-0.019498 O b'+1:lemma:25'
-0.024384 O b'-1:lemma:mm'
-0.026473 OD b'+1:lemma:~'
-0.029376 Supp b'-1:lemma:and'
-0.030278 O b'lemma:\xc2\xb0c'
-0.033870 Gtype b'-1:lemma:mg1655'
-0.035964 O b'+1:lemma:rep1'
-0.036870 Anti b'-1:postag:NN'
-0.037674 Med b'-1:lemma:m63'
-0.041457 O b'-1:lemma:for'
-0.042315 O b'-1:lemma:in'
-0.043253 O b'+1:lemma:5'
-0.054536 O b'+1:lemma:antibody'
-0.056675 OD b'+1:postag:CD'
-0.057484 O b'-1:postag:VBN'
-0.057779 O b'postag:RB'
-0.061765 O b'-1:lemma:at'
-0.063699 O b'-1:lemma:of'
-0.073053 Phase b'+1:postag:NN'
-0.081144 O b'-1:lemma:o2'
-0.083185 O b'+1:lemma:-lcb-'
-0.085303 O b'lemma:o2'
-0.090545 Gversion b'-1:postag:NN'
-0.090810 Gtype b'lemma:fnr'
-0.094072 O b'-1:postag:IN'
-0.095560 O b'+1:lemma:300'
-0.095835 O b'+1:lemma:culture'
-0.099835 Gtype b'-1:postag:NN'
-0.104011 Gtype b'-1:postag:DT'
-0.104295 O b'-1:lemma:-lrb-'
-0.104392 O b'+1:postag:CD'
-0.106605 O b'lemma:e.'
-0.114926 O b'lemma:aerobically'
-0.123054 Supp b'-1:lemma:-'
-0.124613 O b'-1:postag:-LRB-'
-0.130629 O b'lemma:lb'
-0.135809 O b'-1:lemma:delta'
-0.137484 O b'+1:lemma:delta'
-0.145435 O b'-1:lemma:30'
-0.147772 Phase b'lemma:pahse'
-0.151829 O b'-1:lemma:e.'
-0.152470 Phase b'+1:lemma:pahse'
-0.153511 O b'+1:lemma:arginine'
-0.156235 Temp b'-1:postag:IN'
-0.165736 O b'lemma:n2'
-0.167320 O b'lemma:m63'
-0.171593 O b'lemma:mg1655'
-0.171854 O b'lemma:mg/ml'
-0.171854 O b'-1:lemma:150'
-0.172097 O b'+1:lemma:grow'
-0.174184 O b'+1:lemma:-rrb-'
-0.176692 O b'lemma:medium'
-0.190407 O b'-1:lemma:n2'
-0.193709 Technique b'-1:lemma::'
-0.197195 Supp b'+1:lemma:rifampicin'
-0.199110 Supp b'+1:lemma:acetate'
-0.211904 Supp b'lemma:and'
-0.212434 O b'-1:lemma:fresh'
-0.215208 Med b'+1:postag:CC'
-0.223718 Supp b'+1:postag:VBN'
-0.225529 Gtype b'+1:lemma:\xe2\x88\x86'
-0.227506 O b'-1:lemma:iptg'
-0.228252 O b'lemma:grow'
-0.244665 O b'+1:postag:-RRB-'
-0.248414 Phase b'-1:lemma:at'
-0.252297 O b'lemma:co2'
-0.262234 O b'+1:lemma:until'
-0.264339 Med b'+1:postag:NNS'
-0.271018 Supp b'lemma:2'
-0.271420 O b'+1:lemma:mm'
-0.274442 Air b'-1:lemma:or'
-0.275533 Air b'+1:postag:NNP'
-0.282985 O b'lemma:k-12'
-0.283867 pH b'postag:NN'
-0.289565 O b'+1:postag:IN'
-0.292519 Gtype b'postag:CD'
-0.299546 Supp b'-1:postag:VBG'
-0.302599 Supp b'-1:postag:NNP'
-0.304446 OD b'+1:postag:NN'
-0.304579 O b'-1:lemma:0.1'
-0.308132 O b'lemma:30'
-0.315401 O b'+1:postag:VBG'
-0.328419 O b'lemma:\xe2\x88\x86'
-0.334410 O b'+1:lemma:phase'
-0.339050 Med b'postag:CD'
-0.339573 O b'lemma:cell'
-0.349122 Gversion b'+1:postag:NN'
-0.350590 O b'+1:lemma:cell'
-0.353274 O b'-1:lemma:from'
-0.356173 O b'-1:lemma:minimal'
-0.365952 Technique b'-1:postag::'
-0.377481 O b'lemma:m9'
-0.387016 O b'-1:lemma:um'
-0.387016 O b'+1:lemma:paraquat'
-0.396762 O b'lemma:minimal'
-0.399415 Med b'+1:postag:IN'
-0.400174 O b'-1:lemma:.'
-0.400174 O b'-1:postag:.'
-0.405899 Gtype b'+1:lemma:fnr'
-0.420549 Supp b'+1:postag:IN'
-0.426457 Temp b'postag:NN'
-0.443672 Med b'+1:postag:NN'
-0.454874 O b'-1:lemma:with'
-0.455975 O b'-1:lemma:od600'
-0.460725 O b'lemma:od600'
-0.476927 O b'lemma:purify'
-0.513975 O b'lemma:glucose'
-0.514369 O b'+1:lemma:shake'
-0.516980 O b'lemma:anaerobic'
-0.543673 O b'+1:lemma:dissolve'
-0.575481 OD b'+1:postag:CC'
-0.575983 O b'+1:lemma:%'
-0.578458 O b'+1:lemma:\xc2\xb0c'
-0.579234 O b'+1:lemma:.'
-0.579234 O b'+1:postag:.'
-0.590831 O b'-1:lemma:until'
-0.593646 O b'+1:lemma:minimal'
-0.598050 O b'-1:lemma:rifampicin'
-0.599013 Anti b'+1:postag:JJ'
-0.600816 O b'-1:lemma:grow'
-0.609501 O b'+1:postag:NNS'
-0.616694 O b'lemma:mid-log'
-0.622505 OD b'lemma:-lrb-'
-0.681173 Temp b'postag:JJ'
-0.682190 O b'lemma:\xce\xb4fur'
-0.683721 Phase b'-1:postag:NN'
-0.699842 O b'-1:lemma:cra'
-0.699863 O b'+1:lemma:or'
-0.706770 OD b'postag:-LRB-'
-0.726480 Anti b'+1:lemma:anti-fur'
-0.739377 O b'+1:lemma:0.3'
-0.759701 O b'lemma:0.2'
-0.767286 O b'-1:lemma:mid-log'
-0.769781 O b'lemma:dissolve'
-0.773573 O b'+1:lemma:_'
-0.796461 OD b'postag:JJ'
-0.804019 O b'+1:lemma:fecl2'
-0.817322 O b'+1:lemma:c'
-0.823112 O b'-1:lemma:0.2'
-0.856156 O b'lemma:37'
-0.874673 O b'-1:lemma:ml'
-0.897793 O b'lemma:dpd'
-0.928954 O b'lemma:0.3'
-0.935642 O b'lemma:media'
-0.953224 Supp b'postag:CC'
-0.962174 O b'lemma:150'
-0.962174 O b'+1:lemma:mg/ml'
-0.991546 Temp b'+1:lemma:to'
-0.991546 Temp b'+1:postag:TO'
-0.996229 O b'-1:lemma:co2'
-1.000642 O b'lemma:of'
-1.005860 O b'-1:postag::'
-1.099013 O b'lemma:20'
-1.117230 O b'-1:lemma:~'
-1.139604 Air b'postag:NN'
-1.144681 OD b'+1:lemma:and'
-1.201437 O b'-1:lemma:dissolve'
-1.201437 O b'+1:lemma:methanol'
-1.236667 O b'-1:lemma:sample'
-1.244866 O b'lemma:wt'
-1.252945 O b'+1:lemma:g/l'
-1.255778 O b'-1:lemma:37'
-1.264177 Med b'-1:postag:IN'
-1.288204 Supp b'-1:lemma:%'
-1.302552 O b'lemma:0.1'
-1.371688 O b'lemma:anaerobically'
-1.410598 O b'lemma:phase'
-1.489551 O b'+1:lemma:+'
-1.506032 O b'+1:lemma:supplement'
-1.532398 O b'lemma:2h'
-1.532398 O b'-1:lemma:additional'
-1.534894 Air b'+1:postag:JJ'
-1.548281 O b'+1:lemma:in'
-1.565843 Anti b'postag:NNP'
-1.638452 O b'postag:VBP'
-1.657980 O b'lemma:rifampicin'
-1.822232 O b'+1:lemma:at'
-1.836234 O b'-1:postag:VBG'
-1.854980 O b'-1:lemma:IP'
-1.925222 O b'-1:lemma:2'
-1.936575 O b'lemma:fecl2'
-1.945977 Air b'-1:postag:JJ'
-2.044512 O b'-1:lemma:nsrr'
-2.267485 Phase b'-1:postag:JJ'
-2.297463 O b'-1:lemma:rpob'
-2.299343 O b'+1:lemma:hour'
-2.321612 O b'lemma:methanol'
-2.467134 O b'-1:lemma:ompr'
-2.690673 Supp b'postag:JJ'
-3.133082 O b'+1:lemma:2'
-3.547425 Phase b'postag:JJ'
-3.603436 O b'+1:lemma:1'
-4.365017 O b'-1:lemma:_'
-5.016691 O b'-1:lemma::'
********** TRAINING AND TESTING REPORT **********
Training file: training-data-set-70.txt
best params:{'c1': 0.20934163148847484, 'c2': 5.972574594521125e-05}
best CV score:0.8647885676297223
model size: 0.05M
Flat F1: 0.7568876974674016
precision recall f1-score support
OD 1.000 0.818 0.900 22
pH 1.000 1.000 1.000 8
Technique 0.955 0.913 0.933 23
Med 1.000 0.925 0.961 53
Temp 1.000 0.690 0.816 29
Vess 1.000 1.000 1.000 1
Agit 0.000 0.000 0.000 0
Phase 0.882 1.000 0.938 15
Air 0.543 0.362 0.435 69
Anti 0.786 1.000 0.880 11
Strain 0.000 0.000 0.000 1
Gtype 0.863 0.812 0.836 85
Substrain 0.000 0.000 0.000 0
Supp 0.607 0.784 0.684 134
Gversion 0.000 0.000 0.000 0
avg / total 0.774 0.758 0.757 451
Top likely transitions:
Temp -> Temp 6.372271
Agit -> Agit 6.336087
Med -> Med 5.775362
Supp -> Supp 5.599916
OD -> OD 5.514939
Anti -> Anti 5.400862
Phase -> Phase 5.214849
Air -> Air 4.870530
Gtype -> Gtype 4.826805
O -> O 4.601602
Gversion -> Gversion 4.343416
Technique -> Technique 4.055366
pH -> pH 3.102886
Substrain -> Gtype 1.934887
Air -> O 1.597978
O -> Supp 1.582569
Gtype -> Supp 1.508336
O -> Technique 1.406325
O -> Gtype 1.205559
O -> Temp 0.833133
Supp -> O 0.751090
O -> Phase 0.676762
Temp -> O 0.670412
Gtype -> Air 0.616010
Med -> O 0.606543
O -> Anti 0.311020
Technique -> Air 0.225375
OD -> O 0.192356
O -> Med 0.168459
Phase -> O 0.168068
O -> Gversion 0.143784
O -> pH 0.078839
O -> OD 0.075883
Strain -> O 0.069008
Gtype -> Med -0.229150
Gtype -> O -0.660221
O -> Air -0.746238
Substrain -> O -0.760215
Phase -> OD -0.885028
Technique -> Gtype -1.154393
Med -> Supp -1.787447
Top unlikely transitions:
Temp -> Temp 6.372271
Agit -> Agit 6.336087
Med -> Med 5.775362
Supp -> Supp 5.599916
OD -> OD 5.514939
Anti -> Anti 5.400862
Phase -> Phase 5.214849
Air -> Air 4.870530
Gtype -> Gtype 4.826805
O -> O 4.601602
Gversion -> Gversion 4.343416
Technique -> Technique 4.055366
pH -> pH 3.102886
Substrain -> Gtype 1.934887
Air -> O 1.597978
O -> Supp 1.582569
Gtype -> Supp 1.508336
O -> Technique 1.406325
O -> Gtype 1.205559
O -> Temp 0.833133
Supp -> O 0.751090
O -> Phase 0.676762
Temp -> O 0.670412
Gtype -> Air 0.616010
Med -> O 0.606543
O -> Anti 0.311020
Technique -> Air 0.225375
OD -> O 0.192356
O -> Med 0.168459
Phase -> O 0.168068
O -> Gversion 0.143784
O -> pH 0.078839
O -> OD 0.075883
Strain -> O 0.069008
Gtype -> Med -0.229150
Gtype -> O -0.660221
O -> Air -0.746238
Substrain -> O -0.760215
Phase -> OD -0.885028
Technique -> Gtype -1.154393
Med -> Supp -1.787447
Top positive:
10.190054 Supp b'lemma:Iron'
9.112733 O b'lemma:_'
7.880021 Air b'lemma:anaerobic'
7.549281 Technique b'lemma:ChIP-exo'
7.465093 Strain b'+1:lemma:substr'
7.422565 Med b'lemma:MOPS'
7.415432 Phase b'lemma:exponential'
7.415432 Phase b'lemma:stationary'
7.398082 Air b'-1:lemma:ChIP-Seq'
7.166683 O b'lemma:2'
7.146221 O b'lemma:-'
7.132564 Supp b'lemma:pq'
6.977885 Air b'lemma:aerobic'
6.744626 Gtype b'lemma:wt'
6.631092 Phase b'lemma:mid-log'
6.560555 O b'lemma:1'
6.447344 Technique b'lemma:chipseq'
6.389162 Gtype b'lemma:\xce\xb4cra'
6.371591 Gversion b'lemma:asm584v2'
6.280253 Supp b'+1:lemma:\xc2\xb5m'
6.224426 O b'lemma:3'
6.224046 O b'-1:lemma:tag'
6.202217 Air b'lemma:Aerobic'
6.046396 O b'lemma:rpob'
5.857469 Gversion b'lemma:nc'
5.848042 O b'lemma:Custom'
5.738285 Gtype b'lemma:wild-type'
5.702974 O b'lemma:Cra'
5.644004 O b'lemma:b'
5.533358 Gtype b'lemma:flag-tag'
5.533358 Gtype b'-1:lemma:c-terminal'
5.521522 O b'lemma:a'
5.328505 Gtype b'lemma:type'
5.276884 Supp b'lemma:nacl'
5.252181 O b'-1:lemma:ChIP-exo'
5.206802 Gtype b'+1:lemma:ph5'
5.150774 Technique b'lemma:ChIP-Seq'
5.068213 O b'postag:IN'
5.035817 O b'lemma:rep1'
4.983308 Vess b'lemma:flask'
4.983308 Vess b'-1:lemma:warm'
4.943797 O b'lemma:rep3'
4.854929 Supp b'-1:lemma:Cra'
4.845807 Gtype b'lemma:\xe2\x88\x86'
4.794055 Gtype b'+1:lemma:type'
4.645526 Gtype b'lemma:arca8myc'
4.620794 Gtype b'lemma:\xce\xb4fur'
4.559495 O b'lemma:\xcf\x8332'
4.549068 O b'-1:lemma:type'
4.420072 Supp b'lemma:rifampicin'
4.386336 Technique b'lemma:rna-seq'
4.375116 Supp b'lemma:acetate'
4.337376 O b'lemma:ompr'
4.249331 O b'postag:CC'
4.232009 Supp b'lemma:nitrate'
4.189729 Supp b'lemma:glucose'
4.169856 Substrain b'lemma:mg1655'
4.152149 Gtype b'lemma:dfnr'
4.143746 Supp b'lemma:nh4cl'
4.056334 O b'+1:lemma:pq'
4.052385 Gtype b'lemma:pk4854'
4.037199 Gtype b'lemma:fnr8myc'
3.985929 Anti b'lemma:none'
3.957986 Gtype b'lemma:delta-fnr'
3.954172 Med b'lemma:lb'
3.939606 Supp b'-1:lemma:+'
3.935266 Technique b'lemma:chip-seq'
3.929436 O b'postag:VBN'
3.908650 Med b'-1:lemma:ml'
3.884593 Gversion b'-1:lemma:nc'
3.878464 Anti b'lemma:\xcf\x8332'
3.863072 O b'lemma:.'
3.863072 O b'postag:.'
3.860626 O b'lemma:chip'
3.854556 Technique b'lemma:rnaseq'
3.854116 O b'postag::'
3.783932 Agit b'+1:lemma:rpm'
3.781020 Gtype b'lemma:\xce\xb4ompr'
3.721025 Air b'-1:lemma:-'
3.718911 Agit b'lemma:rpm'
3.658315 O b'-1:lemma:glucose'
3.650822 Gtype b'-1:lemma:\xe2\x88\x86'
3.626592 Gtype b'lemma:nsrr'
3.625435 Supp b'-1:lemma:with'
3.621959 Med b'+1:lemma:0.4'
3.534472 Gtype b'lemma:\xce\xb4soxr'
3.534031 Supp b'lemma:no3'
3.532340 O b'-1:lemma:0.3'
3.529130 Temp b'-1:lemma:sample'
3.523066 O b'lemma:with'
3.479777 OD b'lemma:od450'
3.451557 Gtype b'lemma:delta-arca'
3.421135 Anti b'lemma:seqa'
3.408004 O b'lemma:rep2'
3.394045 O b'-1:lemma:Aerobic'
3.391719 Gversion b'lemma:chip-seq'
3.391021 Supp b'lemma:dpd'
3.352795 O b'-1:lemma:lb'
3.334642 Technique b'-1:lemma:IP'
3.303675 O b'-1:lemma:0.3-0.35'
3.272998 Air b'lemma:anaerobically'
3.245394 Supp b'lemma:Leu'
3.235692 Supp b'lemma:Fe'
3.223774 Technique b'-1:lemma:chip-exo'
3.209091 Air b'lemma:aerobically'
3.198219 O b'postag:VBG'
3.170084 O b'lemma:harbor'
3.168019 Temp b'-1:lemma:43'
3.163951 Supp b'lemma:arginine'
3.160003 Gtype b'+1:lemma:pq'
3.153015 Anti b'+1:lemma:antibody'
3.115121 Strain b'lemma:k-12'
3.074034 Technique b'+1:lemma:chip-exo'
3.071794 Air b'postag:RB'
3.069425 Substrain b'lemma:mg1655star'
3.062133 Supp b'lemma:Adenine'
3.060892 Air b'lemma:anaeroibc'
3.056193 Temp b'-1:lemma:\xcf\x8332'
3.042361 Supp b'+1:lemma:mm'
3.019482 Gtype b'-1:lemma:ptac'
2.998564 O b'-1:lemma:into'
2.994519 pH b'lemma:5.5'
2.973677 Gversion b'lemma:.2'
2.973677 Gversion b'-1:lemma:u00096'
2.973445 O b'-1:lemma:\xc2\xb0c'
2.958977 Med b'lemma:media'
2.930356 O b'+1:lemma:chip-seq'
2.896285 Gtype b'+1:lemma:with'
2.895621 Gtype b'-1:lemma:rpob'
2.894434 Gtype b'+1:lemma:flagtag'
2.893824 O b'lemma:CEL'
2.871221 O b'+1:lemma:arca-8myc'
2.854072 Temp b'+1:lemma:in'
2.819779 Gtype b'-1:lemma:delta'
2.816913 O b'+1:lemma:250'
2.810671 O b'+1:lemma:od600'
2.799953 O b'+1:lemma:mid-log'
2.791088 Supp b'-1:lemma:vol'
2.782754 Gversion b'lemma:u00096'
2.782754 Gversion b'+1:lemma:.2'
2.762169 O b'lemma:ml'
2.714953 O b'+1:postag:NNP'
2.698964 Gtype b'lemma:\xce\xb4oxyr'
2.673462 Gtype b'-1:postag:VBG'
2.672861 Med b'lemma:L'
2.672861 Med b'+1:lemma:broth'
2.665253 O b'+1:lemma:acetate'
2.647014 Phase b'-1:lemma:mid-log'
2.641349 Med b'lemma:m63'
2.626973 Substrain b'+1:lemma:phtpg'
2.622910 Gversion b'lemma:000913'
2.605384 O b'lemma::'
2.594999 pH b'+1:postag:CD'
2.538219 O b'lemma:s'
2.537207 Med b'lemma:broth'
2.537207 Med b'-1:lemma:L'
2.527821 pH b'lemma:ph5'
2.527821 pH b'+1:lemma:.5'
2.515586 O b'+1:lemma:coli'
2.509864 Supp b'+1:lemma:1'
2.508452 Med b'-1:lemma:fresh'
2.494059 Supp b'lemma:fructose'
2.475120 Temp b'lemma:43'
2.463892 O b'-1:lemma:rpm'
2.434009 Anti b'lemma:anti-myc'
2.426928 O b'+1:postag:RB'
2.422956 Gtype b'+1:lemma:_'
2.396151 Med b'+1:lemma:2.0'
2.362312 O b'lemma:condition'
2.343697 O b'+1:lemma:or'
2.310123 Med b'-1:lemma:glucose'
2.304110 Temp b'lemma:\xc2\xb0c'
2.250756 Gtype b'+1:postag::'
2.243158 Med b'lemma:minimal'
2.236131 Temp b'-1:lemma:37'
2.232349 Temp b'+1:lemma:\xc2\xb0c'
2.215545 Gtype b'lemma:deltaseqa'
2.215545 Gtype b'-1:lemma:old'
2.168823 O b'postag:NNS'
2.142782 pH b'+1:lemma:5.5'
2.133425 O b'lemma:at'
2.127108 Gtype b'-1:lemma:factor'
2.118652 O b'lemma:agitation'
2.100263 Med b'+1:lemma:minimal'
2.099378 Supp b'+1:lemma:min'
2.099095 Phase b'lemma:phase'
2.087589 Supp b'+1:lemma:and'
2.072277 O b'+1:lemma:sparging'
2.066002 Supp b'+1:lemma:Deficient'
2.054354 O b'+1:lemma:anti-fur'
2.053062 O b'lemma:genotype/variation'
2.041875 O b'-1:lemma:l1'
2.039194 Gtype b'-1:lemma::'
2.031026 Supp b'-1:lemma:\xc2\xb5m'
2.010199 O b'postag:DT'
2.007491 O b'lemma:culture'
2.000485 O b'postag:VBD'
1.989764 OD b'lemma:0.3-0.35'
1.982940 Supp b'-1:lemma:sodium'
1.980905 Gversion b'postag:CD'
Top negative:
0.039807 OD b'+1:postag:,'
0.039185 O b'lemma:um'
0.035254 O b'+1:postag:JJ'
0.030051 O b'+1:postag:SYM'
0.027873 Supp b'-1:lemma:m'
0.025396 O b"lemma:'s"
0.025396 O b'postag:POS'
0.025396 O b'-1:lemma:manufacturer'
0.025396 O b'+1:lemma:instruction'
0.024333 Supp b'-1:lemma:rifampicin'
0.023672 O b'+1:lemma:more'
0.023672 O b'+1:postag:JJR'
0.017097 O b'lemma:final'
0.014163 O b'+1:lemma:_'
0.013275 O b'lemma:mm'
0.012005 Anti b'lemma:subunit'
0.012005 Anti b'+1:lemma:\xce\xb2'
0.003898 Gtype b'lemma:Fur'
0.002851 Gtype b'+1:postag:NNP'
0.002190 O b'lemma:%'
0.001946 Gtype b'lemma:transcription'
0.001946 Gtype b'+1:lemma:factor'
0.001569 O b'postag:VBZ'
0.001233 O b'lemma:short'
0.001233 O b'+1:lemma:rnase'
0.000698 Air b'-1:lemma:anaerobically'
0.000218 Med b'+1:postag:VBG'
0.000187 Temp b'-1:lemma:control'
0.000185 Gversion b'-1:lemma::'
0.000177 Phase b'-1:postag::'
0.000113 Supp b'+1:postag:RB'
0.000102 O b'+1:lemma:37'
0.000083 Supp b'lemma:ph'
0.000058 Phase b'+1:lemma:.'
0.000058 Phase b'+1:postag:.'
0.000058 Supp b'-1:lemma:ph'
0.000040 O b'-1:lemma:m63'
0.000031 Gtype b'+1:lemma:,'
0.000031 Gtype b'+1:postag:,'
0.000023 O b'lemma:IP'
0.000019 Supp b'lemma:300'
0.000019 Supp b'+1:lemma:\xc2\xb5l'
0.000009 Temp b'lemma:sample'
0.000007 Temp b'-1:lemma:see'
0.000007 Supp b'lemma:feso4'
0.000004 O b'lemma:acetate'
0.000002 O b'lemma:1:500'
0.000002 O b'-1:lemma:back'
0.000001 Temp b'lemma:control'
-0.000014 O b'+1:lemma:7.6'
-0.000065 O b'lemma:aerobic'
-0.000130 O b'-1:lemma:rpob'
-0.000160 Temp b'postag:JJ'
-0.000216 O b'+1:lemma:contain'
-0.000303 O b'-1:lemma:minimal'
-0.000303 O b'+1:lemma:of'
-0.000650 O b'+1:lemma:95'
-0.002197 O b'-1:lemma:m'
-0.002284 O b'-1:postag:JJ'
-0.002326 O b'+1:lemma:,'
-0.002326 O b'+1:postag:,'
-0.003392 Gtype b'+1:postag:NN'
-0.004717 O b'+1:lemma:fnr'
-0.005411 Gversion b'+1:postag:NN'
-0.005829 Air b'-1:postag:VBN'
-0.010227 Supp b'+1:lemma:of'
-0.011686 O b'+1:lemma:~'
-0.011760 Gtype b'+1:postag:CD'
-0.011855 O b'-1:lemma:5'
-0.012174 O b'-1:lemma:.'
-0.012174 O b'-1:postag:.'
-0.014528 O b'lemma:20'
-0.016459 Agit b'postag:NN'
-0.020390 Technique b'-1:lemma::'
-0.022295 O b'+1:lemma:-lrb-'
-0.023051 O b'lemma:od600'
-0.027871 Gtype b'postag:VBG'
-0.033411 O b'-1:postag:-RRB-'
-0.035506 O b'lemma:m63'
-0.038491 Supp b'-1:lemma:10'
-0.043161 O b'+1:lemma:%'
-0.051673 Gtype b'-1:postag:NN'
-0.053797 Supp b'lemma:mm'
-0.055546 Air b'+1:postag:CD'
-0.061075 O b'lemma:1m'
-0.068387 O b'+1:lemma:for'
-0.069911 O b'+1:lemma:-rrb-'
-0.075578 O b'-1:lemma:37'
-0.091100 O b'-1:lemma:of'
-0.094169 O b'-1:lemma:until'
-0.099146 Supp b'postag:CD'
-0.114939 O b'+1:lemma:ph'
-0.122454 O b'lemma:wt'
-0.126051 O b'-1:postag:DT'
-0.132413 Anti b'+1:postag:JJ'
-0.132521 O b'-1:lemma:iptg'
-0.138791 O b'-1:lemma:from'
-0.142787 Supp b'+1:postag:-RRB-'
-0.148089 Gtype b'postag:CD'
-0.160312 O b'-1:lemma:-lrb-'
-0.163006 O b'+1:postag:-LRB-'
-0.163639 O b'lemma:medium'
-0.171523 Supp b'+1:lemma:fructose'
-0.175650 Air b'postag:CD'
-0.176789 Gtype b'-1:lemma:mg1655'
-0.209413 Supp b'lemma:10'
-0.229904 Agit b'-1:postag:NN'
-0.233855 Supp b'postag:NN'
-0.254205 Supp b'-1:lemma:dpd'
-0.270474 O b'-1:lemma:\xe2\x88\x86'
-0.322402 O b'-1:lemma:1m'
-0.327143 Supp b'postag:CC'
-0.327477 O b'lemma:aerobically'
-0.334210 Med b'-1:postag:CD'
-0.337947 O b'lemma:mid-log'
-0.351998 O b'lemma:minimal'
-0.358452 Phase b'-1:lemma:at'
-0.378720 O b'-1:lemma:final'
-0.390763 Supp b'+1:lemma:dpd'
-0.395432 Med b'postag:CD'
-0.398943 O b'lemma:37'
-0.413061 O b'+1:lemma:+'
-0.428486 Gtype b'+1:lemma:-lrb-'
-0.435167 O b'lemma:\xce\xb4fur'
-0.445119 O b'-1:lemma:delta'
-0.454315 O b'+1:lemma:.'
-0.454315 O b'+1:postag:.'
-0.455581 Supp b'-1:lemma:-lrb-'
-0.463177 Phase b'+1:postag:NN'
-0.463568 Med b'+1:postag:NN'
-0.470619 Supp b'+1:postag:VBN'
-0.474915 O b'-1:lemma:sample'
-0.477379 Med b'-1:postag:NN'
-0.481602 O b'lemma:nitrogen'
-0.484766 O b'lemma:ph'
-0.504002 O b'-1:postag:-LRB-'
-0.509161 Supp b'-1:postag:-LRB-'
-0.510610 Air b'-1:lemma:or'
-0.519487 O b'+1:lemma:supplement'
-0.524200 O b'-1:lemma:n2'
-0.543542 O b'+1:postag:IN'
-0.594418 pH b'postag:NN'
-0.615404 O b'-1:postag:IN'
-0.619607 O b'-1:lemma:cra'
-0.656333 O b'-1:lemma:mm'
-0.688334 O b'+1:postag:-RRB-'
-0.710435 O b'-1:lemma:ml'
-0.716844 O b'lemma:anaerobically'
-0.730927 O b'+1:lemma:until'
-0.747298 O b'lemma:media'
-0.754688 O b'+1:lemma:mm'
-0.768772 Med b'-1:postag:IN'
-0.775892 Supp b'+1:lemma:acetate'
-0.788215 Technique b'-1:postag::'
-0.802700 O b'-1:lemma:co2'
-0.820146 O b'lemma:methanol'
-0.863797 Supp b'-1:postag:NNP'
-0.897516 O b'+1:lemma:at'
-0.907339 O b'+1:lemma:2.0'
-0.918505 O b'-1:postag::'
-0.945238 O b'-1:lemma:dissolve'
-0.945238 O b'+1:lemma:methanol'
-0.959379 Supp b'+1:lemma:rifampicin'
-0.986744 O b'-1:lemma:nsrr'
-0.993158 O b'+1:lemma:g/l'
-1.104395 O b'lemma:2h'
-1.104395 O b'-1:lemma:additional'
-1.107657 O b'+1:lemma:1m'
-1.131265 O b'+1:postag:VBG'
-1.178961 O b'lemma:of'
-1.201973 O b'-1:lemma:fresh'
-1.209225 O b'postag:VBP'
-1.212055 O b'-1:lemma:ph'
-1.241153 Phase b'-1:postag:JJ'
-1.329472 O b'lemma:30'
-1.335303 Temp b'postag:NN'
-1.335403 Supp b'+1:lemma:-lrb-'
-1.347076 O b'-1:lemma:IP'
-1.360555 Air b'+1:postag:JJ'
-1.373057 Supp b'+1:postag:-LRB-'
-1.494837 O b'-1:lemma:30'
-1.531593 Anti b'postag:NNP'
-1.575468 Phase b'postag:JJ'
-1.599957 Temp b'+1:postag:IN'
-1.732683 Air b'postag:NN'
-1.747609 OD b'+1:postag:NN'
-1.793039 O b'lemma:rifampicin'
-1.853309 Supp b'postag:JJ'
-1.930986 O b'+1:lemma:1'
-1.993172 Supp b'+1:lemma:,'
-1.993172 Supp b'+1:postag:,'
-2.085464 O b'-1:lemma:2'
-2.086023 O b'+1:lemma:in'
-2.172547 O b'lemma:0.3'
-2.181747 O b'-1:postag:VBG'
-2.236719 O b'-1:lemma:1'
-2.380060 O b'-1:lemma:vol'
-2.454507 O b'+1:lemma:2'
-4.266439 O b'-1:lemma:_'
-4.856613 O b'-1:lemma::'
********** TRAINING AND TESTING REPORT **********
Training file: training-data-set-70_v4.txt
best params:{'c1': 0.20645497959678813, 'c2': 0.017572644849766363}
best CV score:0.7977309817293199
model size: 0.06M
Flat F1: 0.784234402165812
precision recall f1-score support
OD 1.000 0.405 0.577 37
pH 1.000 1.000 1.000 12
Technique 0.952 0.909 0.930 22
Med 0.800 0.842 0.821 57
Temp 0.818 1.000 0.900 18
Vess 0.000 0.000 0.000 0
Agit 0.000 0.000 0.000 0
Phase 1.000 0.895 0.944 19
Air 0.807 0.742 0.773 62
Anti 1.000 0.444 0.615 9
Strain 1.000 1.000 1.000 1
Gtype 0.866 0.792 0.828 106
Substrain 0.000 0.000 0.000 1
Supp 0.818 0.662 0.732 136
Gversion 0.000 0.000 0.000 0
avg / total 0.859 0.740 0.784 480
Top likely transitions:
Agit -> Agit 6.425591
OD -> OD 5.826527
Temp -> Temp 5.548786
Med -> Med 5.385181
Anti -> Anti 5.274493
Air -> Air 5.273813
Phase -> Phase 4.728944
Gtype -> Gtype 4.437920
Gversion -> Gversion 4.349816
O -> O 4.268725
Supp -> Supp 3.971396
Technique -> Technique 3.834387
pH -> pH 2.157022
O -> Supp 1.775419
Gtype -> Supp 1.744617
Substrain -> Gtype 1.701513
Air -> O 1.650192
O -> Gtype 1.270693
O -> Technique 1.253973
Technique -> Air 0.977999
O -> Anti 0.884095
O -> Temp 0.762865
Med -> O 0.608226
OD -> Phase 0.415201
Temp -> O 0.355964
Gtype -> Air 0.349440
O -> Gversion 0.343072
Gtype -> pH 0.331974
O -> Med 0.236453
Phase -> O 0.133978
Supp -> O 0.132584
O -> Strain 0.015869
O -> Phase 0.000848
O -> OD -0.004725
Technique -> OD -0.009324
Technique -> O -0.010626
Technique -> pH -0.028457
Supp -> Air -0.068848
OD -> Air -0.084459
Supp -> OD -0.119773
OD -> Med -0.182306
Gtype -> Med -0.204270
Technique -> Gtype -0.212005
Gtype -> O -0.327673
Gtype -> Anti -0.356226
O -> Air -0.606839
OD -> O -0.668006
Agit -> O -0.720674
Substrain -> O -0.778994
Supp -> Med -0.779854
Top unlikely transitions:
Med -> Med 5.385181
Anti -> Anti 5.274493
Air -> Air 5.273813
Phase -> Phase 4.728944
Gtype -> Gtype 4.437920
Gversion -> Gversion 4.349816
O -> O 4.268725
Supp -> Supp 3.971396
Technique -> Technique 3.834387
pH -> pH 2.157022
O -> Supp 1.775419
Gtype -> Supp 1.744617
Substrain -> Gtype 1.701513
Air -> O 1.650192
O -> Gtype 1.270693
O -> Technique 1.253973
Technique -> Air 0.977999
O -> Anti 0.884095
O -> Temp 0.762865
Med -> O 0.608226
OD -> Phase 0.415201
Temp -> O 0.355964
Gtype -> Air 0.349440
O -> Gversion 0.343072
Gtype -> pH 0.331974
O -> Med 0.236453
Phase -> O 0.133978
Supp -> O 0.132584
O -> Strain 0.015869
O -> Phase 0.000848
O -> OD -0.004725
Technique -> OD -0.009324
Technique -> O -0.010626
Technique -> pH -0.028457
Supp -> Air -0.068848
OD -> Air -0.084459
Supp -> OD -0.119773
OD -> Med -0.182306
Gtype -> Med -0.204270
Technique -> Gtype -0.212005
Gtype -> O -0.327673
Gtype -> Anti -0.356226
O -> Air -0.606839
OD -> O -0.668006
Agit -> O -0.720674
Substrain -> O -0.778994
Supp -> Med -0.779854
Gtype -> OD -1.018491
Med -> Supp -1.466475
Phase -> OD -1.648011
Top positive:
7.908476 O b'lemma:_'
7.519798 Supp b'lemma:Iron'
6.893122 Air b'lemma:anaerobic'
6.757207 O b'lemma:1'
6.526738 Air b'lemma:aerobic'
6.246963 Phase b'lemma:stationary'
6.216490 Strain b'lemma:k-12'
6.159501 Technique b'lemma:ChIP-exo'
5.949001 Supp b'lemma:nitrate'
5.557355 O b'lemma:rpob'
5.556016 Phase b'lemma:mid-log'
5.526361 O b'lemma:2'
5.249738 Technique b'lemma:chipseq'
5.235064 Air b'-1:lemma:ChIP-Seq'
5.174037 O b'lemma:3'
5.050373 O b'postag:IN'
4.985897 Supp b'lemma:pq'
4.921604 Substrain b'lemma:mg1655'
4.872348 Gtype b'lemma:\xce\xb4cra'
4.847236 Gversion b'lemma:asm584v2'
4.762705 O b'-1:lemma:tag'
4.726906 OD b'lemma:od600'
4.660975 Gtype b'lemma:type'
4.628321 O b'lemma:Custom'
4.553702 O b'lemma:rep1'
4.515219 Med b'lemma:MOPS'
4.507185 Gversion b'lemma:nc'
4.464398 Air b'lemma:Aerobic'
4.453084 Med b'lemma:LB'
4.447532 Supp b'+1:lemma:\xc2\xb5m'
4.437438 O b'-1:lemma:ChIP-exo'
4.404385 O b'lemma:rep2'
4.373164 Supp b'lemma:nh4cl'
4.365179 Gtype b'lemma:flag-tag'
4.365179 Gtype b'-1:lemma:c-terminal'
4.354053 O b'postag::'
4.297412 O b'lemma:\xcf\x8332'
4.284115 Gtype b'+1:lemma:type'
4.278996 O b'lemma:b'
4.258389 Gtype b'-1:lemma:\xe2\x88\x86'
4.241615 Gtype b'lemma:wt'
4.228158 Med b'lemma:lb'
4.218565 Gtype b'lemma:arca8myc'
4.218302 Technique b'lemma:ChIP-Seq'
4.180599 Supp b'lemma:glucose'
4.160405 O b'lemma:rep3'
4.081991 O b'lemma:Cra'
3.932540 O b'lemma:a'
3.844330 Technique b'lemma:rna-seq'
3.814781 Gtype b'lemma:delta-arca'
3.626994 Gtype b'lemma:fnr8myc'
3.606800 Supp b'lemma:acetate'
3.573033 Supp b'lemma:Fe'
3.567339 Technique b'lemma:chip-seq'
3.563430 Supp b'lemma:rifampicin'
3.511453 OD b'lemma:od450'
3.511078 O b'lemma:.'
3.511078 O b'postag:.'
3.438725 Temp b'-1:lemma:sample'
3.393434 Supp b'lemma:dpd'
3.386786 Supp b'lemma:no3'
3.357689 Anti b'lemma:none'
3.339507 Med b'+1:lemma:0.4'
3.299536 Gtype b'lemma:\xe2\x88\x86'
3.288791 O b'+1:lemma:od600'
3.273758 Technique b'lemma:rnaseq'
3.258770 Gtype b'lemma:delta-fnr'
3.254592 O b'postag:VBN'
3.228840 Supp b'lemma:fructose'
3.219194 Gtype b'lemma:\xce\xb4fur'
3.208266 O b'lemma:CEL'
3.206942 Gtype b'lemma:nsrr'
3.177189 O b'-1:lemma:Aerobic'
3.129133 Technique b'-1:lemma:IP'
3.128048 O b'-1:lemma:0.3-0.35'
3.112441 O b'-1:lemma:type'
3.098709 Gversion b'-1:lemma:nc'
3.051729 Vess b'lemma:flask'
3.051729 Vess b'-1:lemma:warm'
3.008997 Supp b'+1:lemma:1'
2.987213 pH b'lemma:ph5'
2.987213 pH b'+1:lemma:.5'
2.977412 Anti b'lemma:seqa'
2.955347 Gtype b'lemma:wild-type'
2.951444 O b'lemma:-'
2.937212 O b'+1:postag:RB'
2.916028 Supp b'lemma:arginine'
2.840642 O b'-1:lemma:glucose'
2.820501 Gtype b'+1:lemma:ph5'
2.791333 Anti b'+1:lemma:antibody'
2.774879 Gversion b'lemma:chip-seq'
2.771457 Anti b'lemma:anti-myc'
2.765907 O b'lemma:chip'
2.735612 Gtype b'+1:lemma:flagtag'
2.722421 Med b'lemma:m63'
2.721104 O b'lemma:or'
2.699589 Temp b'lemma:\xc2\xb0c'
2.681423 O b'lemma:with'
2.669444 Med b'+1:lemma:minimal'
2.666834 Gversion b'lemma:u00096'
2.666834 Gversion b'+1:lemma:.2'
2.660974 Gtype b'+1:lemma:pq'
2.654887 OD b'+1:lemma:stationary'
2.644825 Gtype b'+1:lemma:with'
2.637258 Supp b'+1:lemma:2'
2.578615 Gtype b'lemma:\xce\xb4ompr'
2.569922 O b'-1:lemma:anaerobic'
2.559477 Temp b'+1:lemma:\xc2\xb0c'
2.558177 Supp b'-1:lemma:Cra'
2.555473 Gversion b'lemma:.2'
2.555473 Gversion b'-1:lemma:u00096'
2.519787 O b'postag:CC'
2.515611 Gtype b'-1:lemma:ptac'
2.474668 Technique b'-1:lemma:chip-exo'
2.465084 Gversion b'lemma:000913'
2.459269 O b'+1:lemma:pq'
2.454369 Strain b'+1:lemma:substr'
2.453079 O b'postag:DT'
2.447446 Temp b'-1:lemma:\xcf\x8332'
2.434523 Technique b'+1:lemma:chip-exo'
2.415981 Supp b'lemma:nacl'
2.400381 O b'+1:postag:NNP'
2.395375 O b'lemma:s'
2.378114 pH b'lemma:.5'
2.378114 pH b'-1:lemma:ph5'
2.360956 Med b'+1:lemma:2.0'
2.360197 Temp b'-1:lemma:43'
2.354343 O b'-1:lemma:lb'
2.333302 Gtype b'-1:lemma:rpob'
2.331044 Supp b'+1:lemma:_'
2.265756 O b'-1:lemma:l1'
2.256561 Supp b'-1:lemma:\xc2\xb5m'
2.253390 Air b'-1:lemma:-'
2.244110 O b'lemma:oxyr'
2.231965 Air b'lemma:anaerobically'
2.211436 Anti b'lemma:anti-rpos'
2.204750 O b'-1:lemma:stpa'
2.194353 OD b'-1:lemma:~'
2.189113 Gtype b'lemma:\xce\xb4soxs'
2.183419 Air b'postag:RB'
2.170778 Supp b'-1:lemma:+'
2.151725 Temp b'lemma:43'
2.127054 Temp b'lemma:37'
2.124907 Supp b'lemma:20'
2.115142 O b'+1:lemma:o.d.'
2.111143 Supp b'lemma:Leu'
2.107663 O b'lemma:Lrp'
2.107472 Temp b'-1:lemma:37'
2.094728 Gtype b'lemma:ptac'
2.073944 O b'+1:lemma:chip-seq'
2.062388 Supp b'lemma:iptg'
2.042062 O b'lemma:affyexp'
2.040790 Med b'lemma:media'
2.031837 O b'lemma:culture'
2.024586 O b'postag:VBG'
2.010374 Vess b'-1:postag:VBN'
2.009201 Gtype b'lemma:pk4854'
2.002974 Med b'lemma:glucose'
1.998019 Gtype b'+1:lemma:_'
1.980119 Supp b'+1:lemma:hour'
1.975173 O b'lemma:chip-arca'
1.959423 Supp b'-1:lemma:with'
1.922869 Technique b'-1:lemma:input'
1.921526 O b'lemma:ompr'
1.910950 Med b'lemma:broth'
1.910950 Med b'-1:lemma:L'
1.910014 Gtype b'lemma:deltaseqa'
1.910014 Gtype b'-1:lemma:old'
1.905010 O b'-1:lemma:0.3'
1.901042 OD b'lemma:0.3'
1.900964 Med b'lemma:L'
1.900964 Med b'+1:lemma:broth'
1.899018 Supp b'+1:lemma:Deficient'
1.893912 Air b'lemma:Anaerobic'
1.893451 Med b'-1:lemma:ml'
1.870173 O b'lemma:Fur'
1.848155 pH b'+1:postag:CD'
1.823256 O b'+1:lemma:coli'
1.818674 Gtype b'-1:lemma:nsrr'
1.808290 Substrain b'+1:lemma:phtpg'
1.805456 Phase b'-1:lemma:mid-log'
1.797810 Med b'-1:lemma:glucose'
1.796653 Supp b'lemma:methanol'
1.792416 O b'-1:lemma:\xc2\xb0c'
1.781537 Supp b'lemma:Adenine'
1.779649 Air b'-1:lemma:grow'
1.777565 Technique b'+1:lemma:rna-seq'
1.776039 OD b'lemma:phase'
1.775438 O b'lemma:condition'
1.763711 Air b'-1:lemma:phase'
1.762988 Gversion b'lemma:_'
1.759448 O b'-1:lemma:dpd'
1.736984 O b'lemma:genotype/variation'
1.716841 O b'lemma:argr'
1.709815 O b'postag:VBD'
1.687639 Air b'-1:lemma:co2'
1.686138 Gversion b'postag:CD'
1.676377 Phase b'-1:lemma:until'
1.672693 Gtype b'lemma:WT'
1.671406 Phase b'+1:lemma:for'
Top negative:
0.015104 Vess b'+1:postag:IN'
0.014949 OD b'-1:lemma:to'
0.014949 OD b'-1:postag:TO'
0.013481 O b'+1:lemma:nitrate'
0.012911 O b'-1:lemma:mm'
0.012853 O b'-1:lemma:m63'
0.012845 Phase b'+1:lemma:aerobically'
0.012531 Phase b'+1:postag:RB'
0.010531 OD b'+1:lemma:coli'
0.010197 Air b'postag:-LRB-'
0.007967 O b'+1:lemma:mm'
0.007668 Air b'-1:postag:-LRB-'
0.007530 O b'+1:lemma:wt'
0.007412 O b'+1:lemma:for'
0.006443 Med b'-1:lemma:g/l'
0.005977 Temp b'-1:postag:NN'
0.005028 OD b'-1:lemma:growth'
0.004138 Technique b'-1:postag:NN'
0.003008 O b'lemma:fresh'
0.002709 O b'+1:postag:SYM'
0.002549 Supp b'+1:lemma:deficient'
0.002275 Technique b'+1:postag:-RRB-'
0.002219 O b'+1:lemma:_'
0.001749 O b'lemma:dpd'
0.001500 Temp b'postag:VB'
0.001375 Gtype b'lemma:cra-8myc-tagged'
0.001375 Gtype b'lemma:fur-8myc'
0.000712 O b'-1:postag:VBZ'
0.000676 O b'+1:lemma:minute'
0.000589 Temp b'+1:postag:NNS'
0.000468 Supp b'lemma:um'
0.000451 Gtype b'lemma:Combined'
0.000451 Gtype b'+1:lemma:input'
0.000346 O b'postag:VBZ'
0.000331 Supp b'-1:lemma:250'
0.000251 O b'lemma:-80'
0.000219 Temp b'-1:postag:NNS'
0.000204 O b'+1:lemma:total'
0.000185 Air b'+1:postag::'
0.000154 O b'-1:lemma:to'
0.000154 O b'-1:postag:TO'
0.000148 Gversion b'-1:postag::'
0.000078 O b'+1:lemma:dpd'
0.000049 Gtype b'lemma:inducible'
0.000049 Gtype b'-1:lemma:carrying'
0.000049 Gtype b'+1:lemma:ptrc'
0.000030 OD b'+1:lemma:0.35'
0.000027 Anti b'+1:lemma:tag'
0.000010 OD b'lemma:mg1655'
0.000009 OD b'-1:lemma:k-12'
-0.000003 Gtype b'+1:postag:NNS'
-0.000145 O b'lemma:m63'
-0.000217 O b'-1:lemma:um'
-0.000217 O b'+1:lemma:paraquat'
-0.000321 Temp b'-1:lemma:\xc2\xb0c'
-0.000324 Agit b'postag:NN'
-0.000658 Gtype b'+1:lemma:\xe2\x88\x86'
-0.000729 Air b'-1:lemma:,'
-0.000729 Air b'-1:postag:,'
-0.001373 Gtype b'postag:CD'
-0.001602 Supp b'+1:lemma:-rrb-'
-0.001692 Supp b'+1:postag:-RRB-'
-0.002077 O b'lemma:lb'
-0.002511 O b'-1:lemma:,'
-0.002511 O b'-1:postag:,'
-0.003565 OD b'+1:postag:-LRB-'
-0.004827 O b'-1:lemma:g/l'
-0.007036 Air b'+1:lemma:25'
-0.007105 O b'+1:lemma:rep1'
-0.007327 Supp b'lemma:mm'
-0.008864 O b'+1:lemma:c'
-0.009788 Air b'-1:lemma:aerobically'
-0.011509 O b'-1:postag:VBN'
-0.011813 O b'+1:lemma:shake'
-0.014323 Air b'lemma:25'
-0.017276 Air b'+1:lemma:-lrb-'
-0.017627 O b'+1:lemma:aerobically'
-0.018161 O b'lemma:e.'
-0.020084 Med b'-1:postag:CD'
-0.021369 O b'lemma:glucose'
-0.023787 Gtype b'-1:postag:NN'
-0.034266 OD b'postag:JJ'
-0.035836 Med b'postag:CD'
-0.043749 O b'-1:lemma:o2'
-0.049597 Gtype b'-1:postag:DT'
-0.050879 O b'+1:lemma:300'
-0.051292 Phase b'-1:postag:JJ'
-0.052811 Phase b'-1:postag:NN'
-0.057812 O b'-1:lemma:rifampicin'
-0.064533 O b'-1:lemma:e.'
-0.067797 O b'+1:lemma:until'
-0.076803 O b'lemma:150'
-0.076803 O b'+1:lemma:mg/ml'
-0.080714 O b'+1:lemma:5'
-0.090840 Gversion b'+1:postag:NN'
-0.099773 OD b'+1:postag:CD'
-0.103778 O b'-1:lemma:-lrb-'
-0.104888 Anti b'+1:postag:JJ'
-0.112142 Technique b'-1:lemma::'
-0.119753 Air b'postag:CC'
-0.127293 O b'-1:lemma:0.1'
-0.127394 O b'+1:lemma:.'
-0.127394 O b'+1:postag:.'
-0.129048 Air b'-1:lemma:or'
-0.129819 O b'-1:lemma:from'
-0.138472 O b'-1:postag:IN'
-0.146711 Air b'-1:postag:CC'
-0.147481 O b'+1:lemma:-rrb-'
-0.155126 O b'+1:lemma:antibody'
-0.155172 O b'lemma:co2'
-0.168963 Gtype b'-1:postag:CD'
-0.169956 O b'+1:postag:NNS'
-0.174119 Supp b'postag:CC'
-0.179294 O b'-1:lemma:1'
-0.191426 O b'+1:lemma:arginine'
-0.196031 O b'-1:lemma:cra'
-0.199976 O b'lemma:anaerobic'
-0.204578 O b'lemma:30'
-0.224096 Med b'-1:postag:NN'
-0.230003 Phase b'+1:postag:NN'
-0.236956 O b'+1:lemma:%'
-0.241481 O b'-1:lemma:30'
-0.264234 Air b'postag:CD'
-0.270046 O b'lemma:\xce\xb4fur'
-0.280726 O b'-1:lemma:ml'
-0.288044 O b'-1:lemma:of'
-0.297076 Med b'+1:postag:NN'
-0.299805 Med b'+1:postag:IN'
-0.302610 Supp b'+1:lemma:rifampicin'
-0.306596 O b'-1:lemma:~'
-0.307778 O b'-1:postag:-LRB-'
-0.310654 O b'lemma:phase'
-0.311969 pH b'postag:NN'
-0.315543 O b'+1:lemma:0.3'
-0.318646 O b'postag:VBP'
-0.335513 OD b'+1:postag:NN'
-0.365484 Temp b'postag:JJ'
-0.402954 O b'lemma:dissolve'
-0.424513 O b'lemma:20'
-0.429534 O b'+1:postag:IN'
-0.437134 O b'-1:lemma:grow'
-0.457631 Phase b'-1:lemma:at'
-0.461721 Temp b'+1:lemma:to'
-0.461721 Temp b'+1:postag:TO'
-0.486817 Supp b'-1:lemma:%'
-0.495015 O b'lemma:0.3'
-0.505567 Temp b'postag:NN'
-0.513730 O b'lemma:od600'
-0.526067 O b'+1:postag:-RRB-'
-0.537886 O b'+1:postag:VBG'
-0.541924 O b'-1:lemma:od600'
-0.549617 O b'-1:lemma:rpob'
-0.561323 O b'-1:lemma:0.2'
-0.568252 OD b'lemma:-lrb-'
-0.568961 Technique b'-1:postag::'
-0.587228 O b'-1:lemma:sample'
-0.604535 O b'+1:lemma:fecl2'
-0.605395 O b'-1:lemma:37'
-0.633419 O b'lemma:anaerobically'
-0.640315 Air b'-1:postag:JJ'
-0.646518 O b'lemma:\xe2\x88\x86'
-0.700705 O b'lemma:fecl2'
-0.713765 O b'-1:postag::'
-0.750660 O b'lemma:media'
-0.798765 O b'+1:lemma:supplement'
-0.840866 O b'-1:postag:VBG'
-0.867716 O b'lemma:0.2'
-0.905677 O b'+1:lemma:cell'
-0.915154 O b'lemma:2h'
-0.915154 O b'-1:lemma:additional'
-0.930586 Supp b'+1:lemma:acetate'
-0.930611 O b'lemma:37'
-0.940854 O b'+1:lemma:g/l'
-0.942447 O b'-1:lemma:co2'
-0.944499 O b'lemma:of'
-0.951108 O b'-1:lemma:dissolve'
-0.951108 O b'+1:lemma:methanol'
-0.962496 O b'+1:lemma:hour'
-0.976720 Phase b'postag:JJ'
-0.983487 O b'lemma:0.1'
-1.035888 O b'-1:lemma:ompr'
-1.064088 O b'+1:lemma:at'
-1.115638 OD b'postag:-LRB-'
-1.121251 O b'lemma:wt'
-1.195033 O b'lemma:mid-log'
-1.218852 O b'+1:lemma:+'
-1.237063 O b'-1:lemma:IP'
-1.311143 O b'-1:lemma:nsrr'
-1.325930 Anti b'postag:NNP'
-1.428005 O b'lemma:rifampicin'
-1.465722 Air b'+1:postag:JJ'
-1.474845 Supp b'postag:JJ'
-1.503128 O b'lemma:methanol'
-1.517666 O b'+1:lemma:in'
-1.685015 Air b'postag:NN'
-2.153686 O b'+1:lemma:2'
-2.261742 O b'-1:lemma:2'
-2.412156 O b'+1:lemma:1'
-4.073767 O b'-1:lemma::'
-4.265465 O b'-1:lemma:_'
********** TRAINING AND TESTING REPORT **********
Training file: training-data-set-70.txt
best params:{'c1': 0.09054223875215395, 'c2': 0.0023518182968725273}
best CV score:0.8689308276485085
model size: 0.08M
Flat F1: 0.7754340877116509
precision recall f1-score support
OD 1.000 0.818 0.900 22
pH 1.000 1.000 1.000 8
Technique 1.000 0.913 0.955 23
Med 1.000 0.943 0.971 53
Temp 1.000 0.690 0.816 29
Vess 1.000 1.000 1.000 1
Agit 0.000 0.000 0.000 0
Phase 0.882 1.000 0.938 15
Air 0.543 0.362 0.435 69
Anti 1.000 1.000 1.000 11
Strain 0.000 0.000 0.000 1
Gtype 0.868 0.776 0.820 85
Substrain 0.000 0.000 0.000 0
Supp 0.700 0.784 0.739 134
Gversion 0.000 0.000 0.000 0
avg / total 0.810 0.754 0.775 451
Top likely transitions:
Agit -> Agit 7.626632
Temp -> Temp 7.045132
Supp -> Supp 6.489590
Med -> Med 6.142134
Anti -> Anti 5.984670
Phase -> Phase 5.518817
OD -> OD 5.345555
Gtype -> Gtype 5.176791
Gversion -> Gversion 5.166638
Air -> Air 4.592159
O -> O 4.393244
pH -> pH 3.826126
Technique -> Technique 3.732727
O -> Supp 1.143221
O -> Technique 0.922279
Air -> O 0.769652
Substrain -> Gtype 0.641263
O -> Gtype 0.629642
Gtype -> Supp 0.604798
O -> Temp 0.290538
O -> Phase 0.232866
Temp -> O 0.222973
Supp -> O 0.152297
Gtype -> Air 0.133118
Phase -> O 0.090499
O -> Anti 0.049867
Strain -> O 0.017575
Phase -> Air 0.001750
O -> pH 0.000507
Med -> O 0.000355
pH -> O 0.000352
Air -> Agit -0.001348
Phase -> OD -0.008421
Air -> Supp -0.050545
Agit -> Air -0.052125
Anti -> O -0.059732
OD -> O -0.120587
Technique -> pH -0.229765
O -> Med -0.258685
Technique -> OD -0.288848
Air -> Phase -0.339706
O -> OD -0.391929
Gtype -> Med -0.529268
Air -> Temp -0.898446
Supp -> Med -0.919358
Technique -> O -1.026211
OD -> Air -1.149284
O -> Air -1.334781
Gtype -> O -1.407268
Med -> Supp -1.495850
Top unlikely transitions:
Temp -> Temp 7.045132
Supp -> Supp 6.489590
Med -> Med 6.142134
Anti -> Anti 5.984670
Phase -> Phase 5.518817
OD -> OD 5.345555
Gtype -> Gtype 5.176791
Gversion -> Gversion 5.166638
Air -> Air 4.592159
O -> O 4.393244
pH -> pH 3.826126
Technique -> Technique 3.732727
O -> Supp 1.143221
O -> Technique 0.922279
Air -> O 0.769652
Substrain -> Gtype 0.641263
O -> Gtype 0.629642
Gtype -> Supp 0.604798
O -> Temp 0.290538
O -> Phase 0.232866
Temp -> O 0.222973
Supp -> O 0.152297
Gtype -> Air 0.133118
Phase -> O 0.090499
O -> Anti 0.049867
Strain -> O 0.017575
Phase -> Air 0.001750
O -> pH 0.000507
Med -> O 0.000355
pH -> O 0.000352
Air -> Agit -0.001348
Phase -> OD -0.008421
Air -> Supp -0.050545
Agit -> Air -0.052125
Anti -> O -0.059732
OD -> O -0.120587
Technique -> pH -0.229765
O -> Med -0.258685
Technique -> OD -0.288848
Air -> Phase -0.339706
O -> OD -0.391929
Gtype -> Med -0.529268
Air -> Temp -0.898446
Supp -> Med -0.919358
Technique -> O -1.026211
OD -> Air -1.149284
O -> Air -1.334781
Gtype -> O -1.407268
Med -> Supp -1.495850
Substrain -> O -2.598977
Top positive:
10.185301 Technique b'lemma[:2]:Ch'
8.021086 O b'-1:lemma:tag'
6.996653 Gtype b'lemma[:1]:\xce\xb4'
6.769097 O b'lemma:2'
6.193177 O b'lemma:1'
6.092689 Air b'lemma:anaerobic'
5.980202 Phase b'lemma:stationary'
5.955259 Supp b'+1:lemma:\xc2\xb5m'
5.876491 O b'lemma:3'
5.874142 O b'lemma:with'
5.804642 O b'lemma:-'
5.578233 Supp b'lemma:Iron'
5.578233 Supp b'lemma[:2]:Ir'
5.487985 O b'lemma[:2]:re'
5.341246 Temp b'+1:lemma:in'
5.328334 Supp b'-1:lemma:Cra'
5.243720 Strain b'+1:lemma:substr'
5.241759 Phase b'lemma:mid-log'
5.207769 Substrain b'lemma[:2]:mg'
5.202431 O b'lemma:b'
5.093704 Supp b'-1:lemma:+'
4.978877 Supp b'-1:lemma:vol'
4.960498 O b'lemma:_'
4.960498 O b'lemma[:1]:_'
4.785889 Gtype b'-1:lemma:\xe2\x88\x86'
4.773191 Technique b'lemma:chipseq'
4.718733 O b'-1:lemma:lb'
4.679807 O b'lemma:a'
4.628908 Gversion b'-1:lemma:nc'
4.467825 O b'+1:lemma:pq'
4.445709 Air b'-1:lemma:ChIP-Seq'
4.378030 O b'-1:lemma:glucose'
4.329558 Air b'lemma[:2]:ae'
4.328211 O b'lemma:rpob'
4.198740 O b'lemma:delta'
4.173979 Med b'-1:lemma:ml'
4.095801 Supp b'lemma:acetate'
4.022526 O b'lemma:Custom'
4.022526 O b'lemma[:2]:Cu'
4.014705 O b'-1:lemma:0.3'
4.002057 Supp b'-1:lemma:with'
3.969838 Med b'+1:lemma:0.4'
3.874806 Supp b'lemma:pq'
3.874806 Supp b'lemma[:2]:pq'
3.827929 Gtype b'lemma:type'
3.827929 Gtype b'lemma[:2]:ty'
3.798612 O b'lemma:chip'
3.738737 Supp b'lemma:arginine'
3.738664 O b'lemma:ompr'
3.673537 Med b'+1:lemma:2.0'
3.658221 Agit b'+1:lemma:rpm'
3.493765 O b'-1:lemma:into'
3.452810 Air b'lemma:Aerobic'
3.452810 Air b'lemma[:2]:Ae'
3.452043 Temp b'-1:lemma:\xcf\x8332'
3.425411 Temp b'-1:lemma:sample'
3.422615 Gversion b'lemma:chip-seq'
3.364562 Gtype b'lemma:fnr8myc'
3.351216 O b'-1:lemma:type'
3.349721 Gtype b'lemma:arca8myc'
3.319200 O b'+1:lemma:od600'
3.296763 Gtype b'lemma[:2]:pk'
3.278704 O b'-1:lemma:Aerobic'
3.266869 O b'+1:lemma:mid-log'
3.263095 Gtype b'lemma[:2]:cr'
3.249020 Supp b'lemma:rifampicin'
3.239748 O b'+1:lemma:sparging'
3.237458 Supp b'lemma[:2]:ri'
3.210269 O b'-1:lemma:0.3-0.35'
3.205436 Technique b'lemma[:2]:rn'
3.180683 O b'lemma[:1]:h'
3.156042 Phase b'lemma[:2]:ex'
3.140201 Air b'lemma:aerobic'
3.137123 O b'+1:lemma:250'
3.129608 Anti b'lemma[:2]:an'
3.121981 Supp b'-1:lemma:final'
3.117574 O b'lemma[:2]:ge'
3.100954 Air b'-1:lemma:-'
3.095232 Technique b'-1:lemma:input'
3.095018 Med b'-1:lemma:fresh'
3.052910 O b'lemma:.'
3.052910 O b'postag:.'
3.052910 O b'postag[:1]:.'
3.041093 Technique b'lemma[:2]:ch'
3.027376 Supp b'+1:lemma:1'
3.017384 Phase b'lemma:exponential'
3.011507 Gtype b'lemma[:1]:W'
3.000727 Supp b'lemma[:2]:gl'
3.000345 Med b'lemma:MOPS'
3.000345 Med b'lemma[:1]:M'
3.000345 Med b'lemma[:2]:MO'
2.946850 Anti b'lemma:none'
2.913481 Supp b'lemma:fructose'
2.906897 Gtype b'lemma:flag-tag'
2.906897 Gtype b'-1:lemma:c-terminal'
2.891578 Phase b'-1:lemma:until'
2.885138 O b'lemma:n'
2.870143 O b'+1:lemma:43'
2.866970 O b'+1:postag:RB'
2.866043 Gtype b'+1:lemma::'
2.843685 O b'postag::'
2.843685 O b'postag[:1]::'
2.823299 Air b'lemma[:2]:an'
2.803059 Gtype b'lemma[:1]:w'
2.801040 Gtype b'lemma[:2]:de'
2.793153 Gtype b'+1:lemma:flagtag'
2.782454 Gversion b'lemma:asm584v2'
2.771209 Gversion b'lemma[:2]:as'
2.728848 O b'+1:postag:NNP'
2.710278 O b'-1:lemma:ChIP-exo'
2.685529 O b'+1:lemma:or'
2.672360 Med b'lemma:broth'
2.672360 Med b'-1:lemma:L'
2.672360 Med b'lemma[:2]:br'
2.653066 Gtype b'lemma:nsrr'
2.653066 Gtype b'lemma[:2]:ns'
2.644949 Gtype b'lemma:wt'
2.644949 Gtype b'lemma[:2]:wt'
2.643481 O b'+1:lemma:acetate'
2.640438 Gtype b'lemma[:2]:ar'
2.625663 Gversion b'lemma:nc'
2.625663 Gversion b'lemma[:2]:nc'
2.605563 Anti b'+1:lemma:antibody'
2.591652 Technique b'-1:lemma:chip-exo'
2.575198 O b'lemma[:2]:fo'
2.565649 Gtype b'-1:lemma:vector'
2.556891 Gtype b'-1:postag:VBG'
2.531858 Substrain b'+1:lemma:phtpg'
2.530034 O b'lemma:0.4'
2.515928 OD b'lemma:od450'
2.506637 O b'lemma[:1]:C'
2.500720 Supp b'lemma:sodium'
2.401085 O b'+1:lemma:coli'
2.393881 Supp b'+1:lemma:phosphate'
2.376464 O b'-1:postag:NNS'
2.374397 Temp b'-1:lemma:43'
2.366322 Supp b'+1:lemma:_'
2.344507 Supp b'lemma[:2]:ni'
2.318294 O b'lemma[:2]:Cr'
2.313838 O b'lemma[:2]:om'
2.312761 O b'-1:lemma:anaerobic'
2.297530 Gtype b'-1:lemma:rpob'
2.286218 O b'-1:lemma:phase'
2.285928 Gversion b'lemma[:2]:00'
2.270036 Supp b'lemma:iptg'
2.264276 Supp b'lemma[:1]:I'
2.248929 O b'+1:lemma:30'
2.245626 O b'lemma:oxyr'
2.240334 O b'lemma:Cra'
2.237370 Gtype b'-1:lemma:_'
2.220905 Med b'lemma:L'
2.220905 Med b'+1:lemma:broth'
2.217317 Supp b'lemma:nacl'
2.217317 Supp b'lemma[:2]:na'
2.191402 Temp b'lemma:43'
2.191402 Temp b'lemma[:2]:43'
2.169633 Supp b'lemma:Fe'
2.169633 Supp b'lemma[:2]:Fe'
2.169099 pH b'lemma[:2]:ph'
2.167053 O b'lemma:ml'
2.167053 O b'lemma[:2]:ml'
2.163570 Gtype b'lemma:dfnr'
2.163570 Gtype b'lemma[:2]:df'
2.115282 OD b'lemma[:1]:o'
2.113233 OD b'lemma:0.3-0.35'
2.096796 Supp b'lemma:no3'
2.092494 O b'-1:lemma:aerobically'
2.080983 Phase b'lemma[:1]:e'
2.077238 Anti b'-1:lemma::'
2.069956 O b'lemma[:2]:ha'
2.068054 Supp b'lemma:dpd'
2.068054 Supp b'lemma[:2]:dp'
2.065958 Supp b'lemma[:2]:ac'
2.065024 Gtype b'+1:lemma:type'
2.034166 O b'+1:lemma:nitrate'
2.033879 Gtype b'lemma[:1]:f'
2.029691 Gtype b'-1:lemma:knock-out'
2.028831 pH b'+1:postag:CD'
2.022928 Gtype b'+1:lemma:_'
1.993507 Supp b'lemma:Leu'
1.993507 Supp b'lemma[:2]:Le'
1.979381 O b'-1:lemma:stpa'
1.969036 Technique b'lemma[:1]:C'
1.953152 Technique b'+1:lemma:chip-exo'
1.940011 Air b'+1:postag:IN'
1.924352 Supp b'lemma[:2]:30'
1.903191 O b'lemma:purr'
1.902904 Air b'lemma[:1]:a'
1.895935 O b'lemma:A'
1.889757 Gtype b'+1:lemma:with'
1.884874 O b'+1:lemma:dfnr'
1.875072 Supp b'-1:lemma:30'
1.870747 Supp b'-1:lemma::'
1.864656 Technique b'-1:lemma:rna-seq'
1.858198 Gtype b'lemma[:1]:t'
1.836001 O b'lemma[:2]:in'
1.821777 pH b'lemma:ph5'
1.821777 pH b'+1:lemma:.5'
1.813827 Supp b'lemma:Adenine'
1.813827 Supp b'lemma[:2]:Ad'
Top negative:
-0.122503 O b'+1:lemma:vol'
-0.122503 O b'lemma[:2]:1/'
-0.125682 Supp b'+1:postag:NNS'
-0.128364 O b'lemma[:1]:5'
-0.128783 Med b'postag[:1]:C'
-0.131277 Supp b'postag:CD'
-0.131277 Supp b'postag[:2]:CD'
-0.131348 Supp b'-1:postag::'
-0.133721 Gtype b'lemma:-lrb-'
-0.135824 Phase b'lemma[:2]:pa'
-0.136598 O b'lemma:grow'
-0.140727 Air b'+1:lemma:-lrb-'
-0.148264 O b'lemma:ph'
-0.150736 O b'+1:lemma:ph'
-0.159027 O b'+1:postag:CD'
-0.160597 OD b'+1:lemma:0.4'
-0.165913 O b'+1:lemma:phosphate'
-0.169625 Air b'-1:postag:CC'
-0.171481 OD b'postag[:1]:N'
-0.171481 OD b'postag[:2]:NN'
-0.171501 O b'lemma:1m'
-0.171501 O b'lemma[:2]:1m'
-0.176117 Supp b'-1:lemma:.'
-0.176117 Supp b'-1:postag:.'
-0.177236 Temp b'postag[:1]:N'
-0.177236 Temp b'postag[:2]:NN'
-0.184780 Supp b'+1:postag:-RRB-'
-0.189482 Gversion b'+1:postag:NN'
-0.191580 O b'+1:lemma:1/100'
-0.194798 Med b'lemma[:1]:c'
-0.201698 Gtype b'+1:postag:CD'
-0.208826 O b'lemma:150'
-0.208826 O b'+1:lemma:mg/ml'
-0.208826 O b'lemma[:2]:15'
-0.209680 O b'+1:lemma:supplement'
-0.211723 O b'lemma[:1]:p'
-0.211762 O b'-1:lemma:g/l'
-0.218211 O b'lemma:30'
-0.218501 Temp b'-1:lemma:\xc2\xb0c'
-0.223383 O b'lemma:7.6'
-0.223383 O b'+1:lemma:;'
-0.223383 O b'lemma[:2]:7.'
-0.230315 O b'-1:postag:-LRB-'
-0.234210 Air b'-1:postag:VBN'
-0.234317 Air b'+1:postag:-LRB-'
-0.238132 O b'lemma:\xe2\x88\x86'
-0.238132 O b'lemma[:1]:\xe2\x88\x86'
-0.239813 O b'lemma[:2]:20'
-0.243759 Supp b'lemma[:2]:ph'
-0.268591 O b'-1:lemma:-lrb-'
-0.273129 O b'+1:lemma:.'
-0.273129 O b'+1:postag:.'
-0.274515 Gtype b'-1:postag:NN'
-0.276640 O b'lemma:aerobic'
-0.280353 pH b'postag[:1]:N'
-0.280353 pH b'postag[:2]:NN'
-0.281176 O b'+1:lemma:co2'
-0.284309 OD b'hUpper'
-0.284309 OD b'hLower'
-0.299607 O b'+1:lemma:rep2'
-0.305286 Supp b'+1:postag::'
-0.305442 O b'-1:lemma:1m'
-0.307656 O b'lemma[:2]:an'
-0.311346 Supp b'lemma[:1]:s'
-0.313198 O b'-1:lemma:IP'
-0.327309 O b'+1:lemma:1m'
-0.328461 Med b'+1:postag:NN'
-0.331739 Supp b'-1:lemma:dpd'
-0.332765 O b'-1:lemma:n2'
-0.333171 Supp b'postag[:1]:C'
-0.334484 O b'+1:lemma:-rrb-'
-0.335881 Technique b'postag:NN'
-0.336835 Supp b'-1:lemma:%'
-0.343844 O b'lemma:37'
-0.343844 O b'lemma[:2]:37'
-0.352890 O b'lemma:co2'
-0.366891 O b'-1:lemma:rpob'
-0.372918 O b'-1:lemma:of'
-0.379129 O b'lemma[:1]:k'
-0.385300 Supp b'lemma:10'
-0.411833 O b'lemma[:2]:od'
-0.414482 O b'lemma:20'
-0.419047 Supp b'-1:lemma:-lrb-'
-0.423807 Air b'postag:NN'
-0.429435 O b'lemma:anaerobically'
-0.430690 Med b'-1:postag:NN'
-0.435460 Gtype b'postag[:1]:V'
-0.435460 Gtype b'postag[:2]:VB'
-0.436108 O b'-1:lemma:with'
-0.436725 Supp b'postag:JJ'
-0.448963 O b'-1:lemma:from'
-0.449583 Supp b'postag[:1]:J'
-0.449583 Supp b'postag[:2]:JJ'
-0.452505 O b'lemma:wt'
-0.452505 O b'lemma[:2]:wt'
-0.456297 Med b'+1:postag:IN'
-0.460912 O b'lemma:of'
-0.460912 O b'lemma[:2]:of'
-0.464084 O b'lemma[:2]:ph'
-0.476123 Phase b'+1:postag:NN'
-0.478646 O b'-1:lemma:37'
-0.479822 O b'lemma[:2]:mg'
-0.490640 O b'lemma:glucose'
-0.494749 O b'-1:lemma:mm'
-0.513617 O b'+1:postag:IN'
-0.520527 O b'+1:lemma:2.0'
-0.524819 Phase b'+1:lemma:pahse'
-0.528372 O b'lemma:media'
-0.534673 Temp b'postag:NN'
-0.544692 Air b'-1:lemma:or'
-0.551287 Air b'-1:postag:JJ'
-0.559988 O b'-1:lemma:\xe2\x88\x86'
-0.572775 Air b'+1:postag:JJ'
-0.575164 O b'+1:postag:VBG'
-0.579204 Air b'postag[:1]:N'
-0.579204 Air b'postag[:2]:NN'
-0.579634 Supp b'+1:lemma:fructose'
-0.613266 O b'lemma[:2]:ae'
-0.626767 Anti b'symb'
-0.633791 Med b'+1:postag:NNS'
-0.643773 O b'+1:lemma:+'
-0.653623 O b'lemma[:2]:me'
-0.686630 O b'-1:lemma:delta'
-0.691758 Phase b'postag[:1]:J'
-0.691758 Phase b'postag[:2]:JJ'
-0.695582 Gtype b'lemma[:1]:c'
-0.707615 Agit b'symb'
-0.710847 O b'lemma[:1]:n'
-0.719133 O b'lemma:mid-log'
-0.720783 O b'lemma[:2]:0.'
-0.727230 O b'lemma:0.3'
-0.730648 Supp b'-1:postag:-LRB-'
-0.737779 Gtype b'lemma[:1]:r'
-0.743565 Med b'-1:postag:CD'
-0.750347 O b'+1:lemma:for'
-0.760505 Air b'symb'
-0.775646 O b'lemma[:2]:30'
-0.777433 O b'lemma:2h'
-0.777433 O b'-1:lemma:additional'
-0.777433 O b'lemma[:2]:2h'
-0.811526 O b'-1:lemma:final'
-0.812240 O b'lemma[:1]:0'
-0.816482 Gtype b'-1:lemma:-lrb-'
-0.821802 O b'-1:lemma:30'
-0.824390 O b'lemma[:2]:gl'
-0.845131 Supp b'lemma[:1]:a'
-0.845884 O b'lemma:methanol'
-0.854110 Technique b'-1:postag::'
-0.866570 O b'+1:lemma:until'
-0.885272 Supp b'+1:lemma:rifampicin'
-0.885699 O b'-1:lemma:nsrr'
-0.888698 O b'-1:lemma:cra'
-0.904476 O b'+1:lemma:at'
-0.932299 Med b'symb'
-0.942332 O b'-1:lemma:co2'
-0.962304 O b'+1:lemma:g/l'
-0.962951 O b'+1:lemma:mm'
-0.972177 O b'lemma:soxs-8myc'
-0.976305 O b'-1:lemma:dissolve'
-0.976305 O b'+1:lemma:methanol'
-1.026438 O b'lemma[:2]:ar'
-1.071623 Gtype b'lemma[:1]:a'
-1.074211 Gtype b'+1:lemma:-rrb-'
-1.085129 Phase b'postag:JJ'
-1.096666 O b'-1:lemma:ph'
-1.111621 Supp b'-1:postag:NNP'
-1.112692 Phase b'hUpper'
-1.112692 Phase b'hLower'
-1.151925 Anti b'postag:NNP'
-1.166449 Supp b'symb'
-1.186999 Phase b'-1:postag:JJ'
-1.188170 O b'-1:lemma:until'
-1.246650 Agit b'hUpper'
-1.246650 Agit b'hLower'
-1.262971 O b'+1:lemma:in'
-1.269087 O b'-1:lemma:ml'
-1.380405 OD b'+1:postag:NN'
-1.438101 Supp b'+1:postag:VBN'
-1.535115 Supp b'hGreek'
-1.573856 Supp b'+1:lemma:-lrb-'
-1.599754 Supp b'+1:postag:-LRB-'
-1.625658 O b'-1:postag:VBG'
-1.641325 O b'-1:postag::'
-1.657440 O b'lemma[:2]:ri'
-1.696650 O b'-1:lemma:1'
-1.882679 O b'+1:lemma:1'
-1.947502 O b'lemma:rifampicin'
-2.109295 O b'-1:lemma:sample'
-2.179742 O b'-1:lemma:fresh'
-2.704413 Supp b'+1:lemma:,'
-2.704413 Supp b'+1:postag:,'
-2.995590 Supp b'lemma[:1]:c'
-3.044999 O b'+1:lemma:2'
-3.183494 O b'lemma[:2]:fl'
-3.486906 O b'-1:lemma:vol'
-3.568659 O b'-1:lemma:2'
-3.575405 Temp b'+1:postag:IN'
-4.334558 O b'postag:VBP'
-5.276604 O b'-1:lemma:_'
-5.933765 O b'-1:lemma::'
********** TRAINING AND TESTING REPORT **********
Training file: training-data-set-70_v4.txt
best params:{'c1': 0.09081091923387723, 'c2': 0.00038627878700387623}
best CV score:0.7938633983009262
model size: 0.07M
Flat F1: 0.786870840829875
precision recall f1-score support
OD 0.789 0.405 0.536 37
pH 1.000 1.000 1.000 12
Technique 0.952 0.909 0.930 22
Med 0.776 0.912 0.839 57
Temp 0.818 1.000 0.900 18
Vess 0.000 0.000 0.000 0
Agit 0.000 0.000 0.000 0
Phase 1.000 0.947 0.973 19
Air 0.754 0.742 0.748 62
Anti 0.571 0.444 0.500 9
Strain 1.000 1.000 1.000 1
Gtype 0.860 0.811 0.835 106
Substrain 0.000 0.000 0.000 1
Supp 0.819 0.699 0.754 136
Gversion 0.000 0.000 0.000 0
avg / total 0.824 0.765 0.787 480
Top likely transitions:
Agit -> Agit 7.136396
OD -> OD 6.491625
Temp -> Temp 6.283086
Anti -> Anti 6.213232
Med -> Med 5.995903
Phase -> Phase 5.618998
Gtype -> Gtype 5.237438
Air -> Air 5.151876
Gversion -> Gversion 4.933604
O -> O 4.847296
Technique -> Technique 4.762002
Supp -> Supp 4.623411
Gtype -> Supp 1.707940
pH -> pH 1.691677
O -> Technique 1.635878
O -> Supp 1.559728
O -> Gtype 1.022656
Substrain -> Gtype 0.995104
O -> Anti 0.583807
O -> Temp 0.467612
O -> Gversion 0.453034
Technique -> Air 0.359052
Air -> O 0.273813
O -> Med 0.235768
Temp -> O 0.115990
Gtype -> Air 0.085028
Med -> O 0.063901
Phase -> Air -0.013623
Strain -> O -0.015319
Air -> Phase -0.018991
O -> OD -0.096097
Supp -> Air -0.152980
Supp -> Gtype -0.172882
O -> Phase -0.230569
Gtype -> Anti -0.419137
Technique -> O -0.465846
Air -> Supp -0.504152
OD -> Air -0.526665
Gtype -> O -0.592689
Supp -> O -0.617787
Technique -> OD -0.675268
Phase -> O -0.805307
OD -> Med -0.848210
O -> Air -0.948079
Supp -> Med -0.972720
Agit -> O -1.032994
OD -> O -1.111875
Gtype -> OD -1.121470
Air -> OD -1.294245
Substrain -> O -1.829982
Top unlikely transitions:
Temp -> Temp 6.283086
Anti -> Anti 6.213232
Med -> Med 5.995903
Phase -> Phase 5.618998
Gtype -> Gtype 5.237438
Air -> Air 5.151876
Gversion -> Gversion 4.933604
O -> O 4.847296
Technique -> Technique 4.762002
Supp -> Supp 4.623411
Gtype -> Supp 1.707940
pH -> pH 1.691677
O -> Technique 1.635878
O -> Supp 1.559728
O -> Gtype 1.022656
Substrain -> Gtype 0.995104
O -> Anti 0.583807
O -> Temp 0.467612
O -> Gversion 0.453034
Technique -> Air 0.359052
Air -> O 0.273813
O -> Med 0.235768
Temp -> O 0.115990
Gtype -> Air 0.085028
Med -> O 0.063901
Phase -> Air -0.013623
Strain -> O -0.015319
Air -> Phase -0.018991
O -> OD -0.096097
Supp -> Air -0.152980
Supp -> Gtype -0.172882
O -> Phase -0.230569
Gtype -> Anti -0.419137
Technique -> O -0.465846
Air -> Supp -0.504152
OD -> Air -0.526665
Gtype -> O -0.592689
Supp -> O -0.617787
Technique -> OD -0.675268
Phase -> O -0.805307
OD -> Med -0.848210
O -> Air -0.948079
Supp -> Med -0.972720
Agit -> O -1.032994
OD -> O -1.111875
Gtype -> OD -1.121470
Air -> OD -1.294245
Substrain -> O -1.829982
Phase -> OD -2.186140
Med -> Supp -2.693786
Top positive:
12.023128 Supp b'lemma:Iron'
11.905802 Phase b'lemma:stationary'
10.567265 O b'lemma:_'
10.151152 Air b'-1:lemma:ChIP-Seq'
10.090491 Air b'lemma:anaerobic'
9.857898 Supp b'lemma:nitrate'
9.629833 Air b'lemma:aerobic'
9.577578 Technique b'lemma:ChIP-exo'
9.036653 Phase b'lemma:mid-log'
8.721963 Technique b'lemma:chipseq'
8.698132 Med b'lemma:MOPS'
8.668936 O b'lemma:1'
8.103505 O b'-1:lemma:ChIP-exo'
7.864122 O b'lemma:rpob'
7.451473 Strain b'lemma:k-12'
7.338543 O b'lemma:\xcf\x8332'
7.198959 Air b'lemma:Aerobic'
7.109572 Gtype b'lemma:flag-tag'
7.109572 Gtype b'-1:lemma:c-terminal'
7.044978 Supp b'lemma:pq'
6.899921 O b'lemma:2'
6.897717 Gtype b'lemma:\xce\xb4cra'
6.862453 O b'lemma:Custom'
6.848216 O b'-1:lemma:tag'
6.753546 Gversion b'lemma:asm584v2'
6.751054 O b'lemma:b'
6.726115 Technique b'lemma:ChIP-Seq'
6.340232 O b'lemma:a'
6.324324 Med b'lemma:LB'
6.242158 O b'lemma:3'
6.225748 O b'lemma:rep1'
6.183760 Gversion b'-1:lemma:nc'
6.139494 O b'lemma:for'
6.136397 O b'lemma:rep2'
6.112373 O b'-1:lemma:Aerobic'
6.052426 Gtype b'lemma:delta-arca'
6.021691 Supp b'+1:lemma:\xc2\xb5m'
6.014827 O b'lemma:rep3'
5.998278 Gtype b'lemma:arca8myc'
5.864622 Gtype b'lemma:fnr8myc'
5.838163 Supp b'lemma:Fe'
5.756687 Substrain b'lemma:mg1655'
5.628610 O b'lemma:Cra'
5.609519 Gtype b'+1:lemma:type'
5.519720 Gtype b'lemma:type'
5.487434 OD b'+1:lemma:stationary'
5.465596 Gversion b'lemma:nc'
5.326426 Gtype b'lemma:delta-fnr'
5.265842 Anti b'lemma:none'
5.236408 Supp b'lemma:nh4cl'
5.195640 O b'postag::'
5.136998 Med b'lemma:lb'
5.129499 OD b'lemma:od450'
5.106518 Technique b'lemma:rna-seq'
5.084990 O b'-1:lemma:anaerobic'
4.986922 Gtype b'lemma:wt'
4.943309 Supp b'lemma:acetate'
4.879656 Gtype b'lemma:\xce\xb4fur'
4.846650 Technique b'lemma:chip-seq'
4.825495 O b'-1:lemma:0.3-0.35'
4.812352 Gtype b'-1:lemma:\xe2\x88\x86'
4.769607 Supp b'lemma:glucose'
4.759235 O b'-1:lemma:glucose'
4.740317 Supp b'lemma:arginine'
4.738816 Supp b'lemma:rifampicin'
4.701038 Gversion b'lemma:chip-seq'
4.693852 Gtype b'lemma:nsrr'
4.666819 O b'lemma:chip'
4.666777 Air b'lemma:anerobically'
4.665470 O b'lemma:or'
4.635435 Temp b'-1:lemma:sample'
4.605663 O b'lemma:.'
4.605663 O b'postag:.'
4.574656 OD b'lemma:od600'
4.562061 O b'postag:IN'
4.550601 Anti b'lemma:anti-myc'
4.537492 Gtype b'+1:lemma:ph5'
4.523129 O b'-1:lemma:type'
4.511181 Strain b'+1:lemma:substr'
4.493105 O b'+1:lemma:od600'
4.453065 Vess b'lemma:flask'
4.453065 Vess b'-1:lemma:warm'
4.444663 Supp b'lemma:no3'
4.439485 Technique b'+1:lemma:chip-exo'
4.416181 Gtype b'+1:lemma:flagtag'
4.415325 Supp b'-1:lemma:Cra'
4.396509 Supp b'-1:lemma:+'
4.383866 Gtype b'-1:lemma:ptac'
4.365928 O b'+1:lemma:sparging'
4.354534 O b'+1:postag:RB'
4.348783 Med b'+1:lemma:0.4'
4.341814 O b'-1:lemma:0.3'
4.336456 O b'+1:lemma:chip-seq'
4.269719 O b'lemma:with'
4.219193 Anti b'lemma:seqa'
4.194527 Supp b'+1:lemma:hour'
4.154345 Gtype b'lemma:\xe2\x88\x86'
4.105460 O b'lemma:-'
4.045385 Temp b'-1:lemma:\xcf\x8332'
4.041775 Supp b'lemma:dpd'
4.018422 O b'lemma:oxyr'
4.006587 Med b'+1:lemma:minimal'
3.994386 Gtype b'-1:lemma:rpob'
3.943397 pH b'lemma:ph5'
3.943397 pH b'+1:lemma:.5'
3.925919 Supp b'lemma:fructose'
3.913579 Supp b'+1:lemma:1'
3.908385 O b'+1:postag:NNP'
3.803339 O b'+1:lemma:o.d.'
3.758844 Technique b'lemma:rnaseq'
3.730482 Technique b'+1:lemma:rna-seq'
3.692271 Technique b'-1:lemma:IP'
3.684645 O b'lemma:ompr'
3.679500 O b'-1:lemma:lb'
3.642465 Anti b'+1:lemma:antibody'
3.624491 O b'lemma:s'
3.612874 O b'lemma:2-3'
3.606456 Gtype b'+1:lemma:pq'
3.584554 O b'lemma:soxs'
3.584554 O b'lemma:soxr'
3.545385 O b'lemma:CEL'
3.527179 Gversion b'lemma:u00096'
3.527179 Gversion b'+1:lemma:.2'
3.525538 Technique b'-1:lemma:chip-exo'
3.525111 Anti b'lemma:anti-rpos'
3.517186 O b'postag:VBN'
3.489661 Supp b'lemma:Leu'
3.480284 Supp b'lemma:iptg'
3.469423 Temp b'-1:lemma:43'
3.467975 Gtype b'lemma:pk4854'
3.443002 OD b'-1:lemma:about'
3.435842 Gtype b'lemma:\xce\xb4ompr'
3.435548 Med b'+1:lemma:contain'
3.393209 Med b'lemma:m63'
3.390757 Gversion b'lemma:.2'
3.390757 Gversion b'-1:lemma:u00096'
3.365623 Gtype b'lemma:wild-type'
3.365137 Supp b'+1:lemma:_'
3.285213 O b'-1:lemma:\xc2\xb0c'
3.270674 Air b'lemma:anaerobically'
3.263042 Gversion b'lemma:000913'
3.243898 Gtype b'lemma:\xce\xb4soxs'
3.241988 O b'lemma:at'
3.241694 Supp b'lemma:Adenine'
3.235960 Supp b'+1:lemma:2'
3.220154 Substrain b'+1:lemma:phtpg'
3.168232 O b'lemma:chip-arca'
3.124706 Med b'-1:lemma:ml'
3.119275 Gtype b'lemma:deltaseqa'
3.119275 Gtype b'-1:lemma:old'
3.105855 Phase b'-1:lemma:until'
3.104880 Supp b'lemma:nacl'
3.063586 Phase b'+1:lemma:for'
3.062511 O b'lemma:argr'
3.057692 Temp b'-1:lemma:37'
3.030255 O b'lemma:purr'
3.006731 O b'-1:lemma:media'
2.937639 O b'+1:lemma:pq'
2.930516 Supp b'lemma:methanol'
2.918452 Temp b'+1:lemma:\xc2\xb0c'
2.915173 Gtype b'lemma:WT'
2.909714 OD b'-1:lemma:~'
2.900692 Med b'lemma:L'
2.900692 Med b'+1:lemma:broth'
2.899989 Gtype b'lemma:ptac'
2.898928 O b'+1:lemma:rifampicin'
2.878667 pH b'lemma:.5'
2.878667 pH b'-1:lemma:ph5'
2.877293 O b'postag:DT'
2.875342 O b'+1:lemma:mid-log'
2.845729 Gtype b'+1:lemma:with'
2.833330 Temp b'lemma:\xc2\xb0c'
2.821959 Supp b'-1:lemma:\xc2\xb5m'
2.778935 O b'-1:lemma:dpd'
2.716093 Supp b'+1:lemma:iptg'
2.714614 Supp b'+1:lemma:Deficient'
2.696864 Gtype b'-1:lemma:phtpg'
2.687105 Air b'+1:lemma:at'
2.676418 O b'lemma:affyexp'
2.676025 Gtype b'lemma:\xce\xb4soxr'
2.663692 Gtype b'lemma:\xce\xb4oxyr'
2.658854 Med b'+1:lemma:2.0'
2.651224 Gtype b'lemma:dfnr'
2.649576 O b'-1:lemma:l1'
2.620669 Air b'postag:RB'
2.577561 O b'lemma:Lrp'
2.570022 Med b'+1:lemma:g/l'
2.524794 Technique b'-1:lemma:input'
2.523784 O b'-1:lemma:min'
2.517414 O b'+1:postag:VBP'
2.471571 O b'+1:lemma:acetate'
2.464652 O b'postag:VBG'
2.464091 Air b'-1:lemma:phase'
2.457715 OD b'lemma:0.3'
2.425241 Gtype b'lemma:soxs-8myc'
2.425241 Gtype b'lemma:soxr-8myc'
2.406446 O b'+1:lemma:0.2'
2.380330 Temp b'lemma:37'
2.356535 Temp b'lemma:43'
2.340361 Supp b'lemma:leucine'
Top negative:
0.000037 OD b'+1:lemma:\xce\xb4soxr'
0.000031 Technique b'+1:lemma:Anaerobic'
0.000028 OD b'-1:lemma:phase'
0.000026 Agit b'-1:postag:VBG'
0.000015 Agit b'+1:postag:IN'
0.000015 O b'lemma:input'
0.000014 OD b'+1:postag:RB'
0.000012 O b'-1:lemma:Fur'
0.000010 Supp b'+1:lemma:feso4'
0.000010 O b'+1:lemma:ChIP-Seq'
0.000005 O b'-1:lemma:250'
0.000004 OD b'lemma::'
0.000004 Agit b'postag:VBG'
0.000003 OD b'postag::'
0.000001 Temp b'-1:postag:NNS'
-0.000008 O b'lemma:mg1655'
-0.000009 O b'-1:lemma:sample'
-0.000026 O b'-1:lemma:e.'
-0.000069 O b'-1:lemma:1'
-0.000210 Gtype b'-1:postag:NNP'
-0.000267 O b'+1:lemma:co2'
-0.000316 Gtype b'+1:lemma:2'
-0.000469 O b'+1:lemma:rep1'
-0.001404 O b'-1:lemma:at'
-0.002564 Med b'+1:postag:CC'
-0.002647 OD b'lemma:~'
-0.002825 O b'lemma:grow'
-0.003590 O b'lemma:anaerobic'
-0.004607 O b'+1:lemma:dissolve'
-0.005282 Supp b'+1:lemma:of'
-0.008060 OD b'+1:postag:-LRB-'
-0.008731 OD b'+1:postag:-RRB-'
-0.009571 O b'-1:lemma:30'
-0.010095 O b'lemma:m63'
-0.010149 Phase b'lemma:pahse'
-0.010429 Gtype b'+1:lemma:-'
-0.012754 Supp b'lemma:mm'
-0.013827 OD b'+1:lemma:~'
-0.014292 O b'+1:lemma:grow'
-0.015852 OD b'+1:postag:CD'
-0.016820 O b'lemma:25'
-0.017788 OD b'+1:lemma:-rrb-'
-0.019574 O b'+1:lemma:~'
-0.025256 O b'+1:lemma:300'
-0.026121 O b'+1:lemma:0.4'
-0.028318 O b'lemma:o2'
-0.029040 Anti b'+1:lemma:anti-fur'
-0.030350 OD b'+1:lemma:0.4'
-0.030931 Med b'+1:postag:NNS'
-0.033897 O b'-1:lemma:mm'
-0.035604 O b'+1:lemma:o2'
-0.035916 O b'-1:lemma:the'
-0.035990 O b'+1:lemma:arginine'
-0.036415 Air b'-1:lemma:anaerobically'
-0.040153 Air b'-1:postag:CC'
-0.041154 O b'+1:lemma:antibody'
-0.041832 Anti b'-1:postag:NN'
-0.045053 OD b'postag:IN'
-0.047572 Gtype b'+1:postag:IN'
-0.053112 Supp b'+1:lemma:dpd'
-0.053329 O b'-1:lemma:minimal'
-0.060576 O b'-1:postag:IN'
-0.065925 O b'lemma:medium'
-0.066353 O b'+1:lemma:25'
-0.076464 Med b'-1:postag:NN'
-0.078443 Supp b'-1:postag:NN'
-0.078865 Strain b'+1:postag:NN'
-0.091232 Air b'postag:CD'
-0.091763 O b'lemma:30'
-0.095656 O b'lemma:lb'
-0.098575 O b'+1:lemma:shake'
-0.100589 Anti b'+1:postag:JJ'
-0.109250 Supp b'+1:postag:IN'
-0.113108 Agit b'postag:NN'
-0.113815 O b'-1:lemma:o2'
-0.117553 O b'+1:lemma:5'
-0.121789 Supp b'lemma:and'
-0.122865 Gtype b'-1:postag:NN'
-0.129126 O b'lemma:glucose'
-0.130690 O b'-1:lemma:of'
-0.132633 O b'+1:lemma:phase'
-0.134059 OD b'+1:postag:CC'
-0.141756 Air b'-1:lemma:95'
-0.143614 O b'-1:lemma:-lrb-'
-0.149012 O b'+1:lemma:\xc2\xb0c'
-0.155150 O b'+1:postag:NNS'
-0.160903 O b'+1:lemma:-rrb-'
-0.161363 O b'lemma:n2'
-0.162536 O b'postag:VBP'
-0.168298 O b'-1:lemma:n2'
-0.171249 O b'-1:postag:VBN'
-0.176512 O b'lemma:aerobically'
-0.186672 O b'lemma:co2'
-0.186766 O b'+1:lemma:_'
-0.196943 Strain b'postag:NN'
-0.201827 O b'+1:lemma:mm'
-0.206537 O b'-1:postag:-LRB-'
-0.214121 Supp b'postag:CC'
-0.215072 O b'lemma:e.'
-0.235225 O b'-1:lemma:0.1'
-0.261548 O b'lemma:\xce\xb4fur'
-0.264532 O b'-1:lemma:rifampicin'
-0.272491 O b'-1:lemma:0.2'
-0.284244 O b'-1:lemma:from'
-0.285360 O b'-1:lemma:until'
-0.286318 Med b'postag:CD'
-0.287177 Air b'-1:lemma:or'
-0.304066 O b'lemma:150'
-0.304066 O b'+1:lemma:mg/ml'
-0.304896 O b'+1:lemma:or'
-0.309102 O b'+1:postag:-RRB-'
-0.331291 Supp b'-1:postag:NNP'
-0.339237 Med b'+1:postag:IN'
-0.352184 O b'postag:RB'
-0.361577 Gtype b'postag:CD'
-0.367320 O b'-1:lemma:ml'
-0.377900 O b'lemma:dissolve'
-0.378236 O b'+1:lemma:.'
-0.378236 O b'+1:postag:.'
-0.378886 O b'+1:lemma:until'
-0.380197 O b'lemma:od600'
-0.380556 O b'-1:lemma:od600'
-0.388687 O b'lemma:phase'
-0.393310 O b'+1:lemma:0.3'
-0.399102 O b'+1:postag:IN'
-0.399168 Temp b'postag:JJ'
-0.401235 O b'-1:lemma:~'
-0.410916 O b'-1:lemma:rpob'
-0.431448 OD b'lemma:-lrb-'
-0.434432 Technique b'-1:lemma::'
-0.444259 Supp b'+1:postag:VBN'
-0.459196 Technique b'-1:postag::'
-0.459291 OD b'+1:lemma:and'
-0.470209 O b'lemma:\xe2\x88\x86'
-0.486291 O b'+1:lemma:%'
-0.518507 O b'-1:lemma:IP'
-0.519707 Phase b'-1:lemma:at'
-0.526678 O b'lemma:dpd'
-0.534234 Air b'-1:postag:JJ'
-0.540044 pH b'postag:NN'
-0.542011 O b'+1:lemma:c'
-0.553114 O b'-1:lemma:grow'
-0.571198 O b'lemma:0.3'
-0.573213 Med b'+1:postag:NN'
-0.592187 Temp b'postag:NN'
-0.596509 O b'-1:lemma:mid-log'
-0.616998 O b'lemma:media'
-0.625245 O b'+1:lemma:cell'
-0.625847 O b'-1:lemma:cra'
-0.668364 Gversion b'+1:postag:NN'
-0.670411 O b'+1:lemma:+'
-0.670829 O b'lemma:anaerobically'
-0.693082 Supp b'+1:lemma:rifampicin'
-0.727079 O b'-1:lemma:dissolve'
-0.727079 O b'+1:lemma:methanol'
-0.738408 O b'+1:lemma:fecl2'
-0.792874 O b'lemma:20'
-0.848889 OD b'+1:postag:NN'
-0.848997 Supp b'+1:lemma:acetate'
-0.861900 Med b'-1:postag:IN'
-0.865385 O b'lemma:0.2'
-0.892622 Temp b'+1:lemma:to'
-0.892622 Temp b'+1:postag:TO'
-0.937071 O b'+1:lemma:supplement'
-0.938360 O b'-1:lemma:co2'
-0.960239 O b'lemma:2h'
-0.960239 O b'-1:lemma:additional'
-0.973815 O b'lemma:of'
-1.034828 O b'+1:postag:VBG'
-1.035428 O b'+1:lemma:g/l'
-1.050289 O b'lemma:mid-log'
-1.059894 O b'-1:postag:VBG'
-1.066538 O b'lemma:0.1'
-1.076597 O b'-1:postag::'
-1.106329 Phase b'+1:postag:NN'
-1.148398 Phase b'-1:postag:NN'
-1.172180 Air b'+1:postag:JJ'
-1.201626 O b'lemma:37'
-1.206293 OD b'postag:-LRB-'
-1.252513 O b'-1:lemma:37'
-1.399946 O b'+1:lemma:at'
-1.439837 O b'lemma:wt'
-1.474885 O b'-1:lemma:nsrr'
-1.521797 O b'lemma:fecl2'
-1.544569 Anti b'postag:NNP'
-1.548585 O b'+1:lemma:hour'
-1.566877 Supp b'-1:lemma:%'
-1.597712 O b'+1:lemma:in'
-1.629113 O b'-1:lemma:ompr'
-1.773656 Air b'postag:NN'
-1.898147 Phase b'-1:postag:JJ'
-2.222432 O b'lemma:rifampicin'
-2.229376 O b'-1:lemma:2'
-2.493849 O b'+1:lemma:1'
-2.529260 O b'lemma:methanol'
-2.707675 O b'+1:lemma:2'
-2.830767 Supp b'postag:JJ'
-2.988306 Phase b'postag:JJ'
-4.548731 O b'-1:lemma::'
-4.577007 O b'-1:lemma:_'
********** TRAINING AND TESTING REPORT **********
Training file: training-data-set-70.txt
best params:{'c1': 0.11486416926458794, 'c2': 0.02680674100354409}
best CV score:0.8644252350498997
model size: 0.12M
Flat F1: 0.7889552451646998
precision recall f1-score support
OD 1.000 0.818 0.900 22
pH 1.000 1.000 1.000 8
Technique 0.955 0.913 0.933 23
Med 1.000 0.943 0.971 53
Temp 1.000 0.690 0.816 29
Vess 1.000 1.000 1.000 1
Agit 0.000 0.000 0.000 0
Phase 0.875 0.933 0.903 15
Air 0.556 0.362 0.439 69
Anti 0.579 1.000 0.733 11
Strain 0.000 0.000 0.000 1
Gtype 0.877 0.753 0.810 85
Substrain 0.000 0.000 0.000 0
Supp 0.848 0.791 0.819 134
Gversion 0.000 0.000 0.000 0
avg / total 0.845 0.749 0.789 451
Top likely transitions:
Temp -> Temp 5.434090
Agit -> Agit 5.083855
Anti -> Anti 5.066839
OD -> OD 4.944534
Supp -> Supp 4.921053
Med -> Med 4.814443
Gtype -> Gtype 4.724645
Gversion -> Gversion 4.371417
O -> O 4.134917
Phase -> Phase 4.076535
Air -> Air 4.013049
Technique -> Technique 3.791769
pH -> pH 2.691203
Substrain -> Gtype 1.373548
Gtype -> Supp 1.262860
O -> Gtype 1.231509
O -> Technique 1.057715
O -> Supp 0.927276
Air -> O 0.926745
Gtype -> pH 0.675182
Gtype -> Air 0.618804
Technique -> Air 0.558242
Supp -> O 0.412087
Temp -> O 0.355896
O -> Temp 0.211297
Med -> O 0.203763
O -> Anti 0.188101
Strain -> O 0.110948
O -> Phase 0.067802
O -> OD 0.026887
Phase -> O -0.000033
OD -> O -0.000624
O -> Agit -0.005237
Anti -> O -0.013260
Technique -> OD -0.015560
Supp -> Air -0.017152
Air -> Supp -0.041258
Technique -> O -0.086710
Agit -> O -0.090919
Air -> Med -0.201293
O -> Med -0.213366
Air -> Phase -0.347298
Air -> Temp -0.357907
Phase -> Supp -0.382883
OD -> Air -0.397558
Phase -> OD -0.415065
Gtype -> Anti -0.434583
Gtype -> Med -0.515634
Technique -> pH -0.532638
Gtype -> O -0.589161
Top unlikely transitions:
Med -> Med 4.814443
Gtype -> Gtype 4.724645
Gversion -> Gversion 4.371417
O -> O 4.134917
Phase -> Phase 4.076535
Air -> Air 4.013049
Technique -> Technique 3.791769
pH -> pH 2.691203
Substrain -> Gtype 1.373548
Gtype -> Supp 1.262860
O -> Gtype 1.231509
O -> Technique 1.057715
O -> Supp 0.927276
Air -> O 0.926745
Gtype -> pH 0.675182
Gtype -> Air 0.618804
Technique -> Air 0.558242
Supp -> O 0.412087
Temp -> O 0.355896
O -> Temp 0.211297
Med -> O 0.203763
O -> Anti 0.188101
Strain -> O 0.110948
O -> Phase 0.067802
O -> OD 0.026887
Phase -> O -0.000033
OD -> O -0.000624
O -> Agit -0.005237
Anti -> O -0.013260
Technique -> OD -0.015560
Supp -> Air -0.017152
Air -> Supp -0.041258
Technique -> O -0.086710
Agit -> O -0.090919
Air -> Med -0.201293
O -> Med -0.213366
Air -> Phase -0.347298
Air -> Temp -0.357907
Phase -> Supp -0.382883
OD -> Air -0.397558
Phase -> OD -0.415065
Gtype -> Anti -0.434583
Gtype -> Med -0.515634
Technique -> pH -0.532638
Gtype -> O -0.589161
O -> Air -0.833200
Supp -> Med -0.863491
Technique -> Gtype -0.999961
Substrain -> O -1.154679
Med -> Supp -1.746454
Top positive:
5.242070 Air b'word:Aerobic'
4.810824 O b'lemma:_'
4.810824 O b'word:_'
4.702604 Air b'lemma:anaerobic'
4.379183 O b'word:Cra'
3.811896 Technique b'word:ChIP-Seq'
3.692913 Gtype b'lemma:wild-type'
3.658772 Air b'postag:RB'
3.551778 O b'postag:IN'
3.496331 O b'-1:lemma:ChIP-exo'
3.382322 Gtype b'lemma:wt'
3.353140 O b'postag::'
3.300897 Air b'word:Anaerobic'
3.260825 Technique b'lemma:ChIP-exo'
3.157424 Technique b'word:ChIP-exo'
3.138715 Supp b'lemma:Iron'
3.138715 Supp b'word:Iron'
3.138715 Supp b'+1:word:Deficient'
3.135138 Gtype b'word:WT'
3.125987 Technique b'word:ChIPSeq'
3.117161 Supp b'lemma:nh4cl'
3.113447 Supp b'lemma:pq'
3.113447 Supp b'word:PQ'
3.089898 O b'lemma:2'
3.089898 O b'word:2'
2.955558 Technique b'lemma:rna-seq'
2.907748 Supp b'-1:word:Cra'
2.858859 O b'lemma:-'
2.858859 O b'word:-'
2.779905 O b'lemma:1'
2.779905 O b'word:1'
2.749191 O b'postag:CC'
2.719373 O b'lemma:rpob'
2.719373 O b'word:RpoB'
2.681464 O b'lemma:3'
2.681464 O b'word:3'
2.680679 Gversion b'lemma:asm584v2'
2.680679 Gversion b'word:ASM584v2'
2.675651 Phase b'lemma:mid-log'
2.675651 Phase b'word:mid-log'
2.644118 O b'lemma:chip'
2.643576 Strain b'+1:lemma:substr'
2.643576 Strain b'+1:word:substr'
2.573762 Gtype b'lemma:\xce\xb4cra'
2.570718 Gtype b'word:\xce\x94cra'
2.569025 Med b'lemma:MOPS'
2.569025 Med b'word:MOPS'
2.564545 Supp b'+1:lemma:\xc2\xb5m'
2.564545 Supp b'+1:word:\xc2\xb5M'
2.540412 O b'lemma:.'
2.540412 O b'postag:.'
2.540412 O b'word:.'
2.523030 O b'-1:word:tag'
2.521842 Gtype b'lemma:type'
2.521842 Gtype b'word:type'
2.501449 Technique b'lemma:chipseq'
2.486934 O b'lemma:Custom'
2.486934 O b'word:Custom'
2.456959 Gtype b'+1:lemma:type'
2.456959 Gtype b'+1:word:type'
2.442001 O b'lemma:a'
2.306156 Phase b'lemma:exponential'
2.306156 Phase b'word:exponential'
2.306156 Phase b'lemma:stationary'
2.306156 Phase b'word:stationary'
2.278404 O b'-1:lemma:tag'
2.248178 O b'lemma:b'
2.248178 O b'word:B'
2.236935 Air b'word:anaerobic'
2.220325 Supp b'lemma:arginine'
2.200862 pH b'+1:postag:CD'
2.198724 Supp b'lemma:glucose'
2.198724 Supp b'word:glucose'
2.169027 O b'+1:postag:RB'
2.146306 Supp b'lemma:nacl'
2.146306 Supp b'word:NaCl'
2.141305 O b'lemma:ompr'
2.141305 O b'word:OmpR'
2.134893 Gtype b'lemma:flag-tag'
2.134893 Gtype b'-1:lemma:c-terminal'
2.134893 Gtype b'word:Flag-tag'
2.134893 Gtype b'-1:word:C-terminal'
2.115770 Gversion b'lemma:nc'
2.115770 Gversion b'word:NC'
2.102355 Substrain b'lemma:mg1655'
2.102355 Substrain b'word:MG1655'
2.096735 O b'+1:lemma:pq'
2.096735 O b'+1:word:PQ'
2.076016 Gtype b'postag:-LRB-'
2.067392 O b'-1:word:Aerobic'
2.067015 Gtype b'lemma:delta-fnr'
2.067015 Gtype b'word:delta-fnr'
2.020747 O b'word:A'
2.011558 Supp b'lemma:rifampicin'
2.011558 Supp b'word:rifampicin'
2.009828 Technique b'lemma:rnaseq'
2.009828 Technique b'word:RNASeq'
1.995883 O b'+1:postag:NNP'
1.979049 Gtype b'-1:postag:VBG'
1.964073 O b'+1:word:were'
1.938262 O b'lemma:rep1'
1.938262 O b'word:rep1'
1.933374 Supp b'lemma:acetate'
1.933374 Supp b'word:acetate'
1.929172 O b'postag:VBN'
1.923161 Strain b'lemma:k-12'
1.923161 Strain b'word:K-12'
1.913934 Technique b'-1:lemma:chip-exo'
1.905918 O b'lemma:rep3'
1.905918 O b'word:rep3'
1.902460 Gtype b'-1:lemma:\xe2\x88\x86'
1.902460 Gtype b'-1:word:\xe2\x88\x86'
1.888089 Supp b'lemma:nitrate'
1.888089 Supp b'word:nitrate'
1.880361 Supp b'-1:lemma:with'
1.880361 Supp b'-1:word:with'
1.879119 O b'+1:word:ChIP-Seq'
1.873439 Gtype b'lemma:\xe2\x88\x86'
1.873439 Gtype b'word:\xe2\x88\x86'
1.869636 O b'-1:lemma:lb'
1.869636 O b'-1:word:LB'
1.865650 Gversion b'-1:lemma:nc'
1.865650 Gversion b'-1:word:NC'
1.865606 Gtype b'lemma:arca8myc'
1.865606 Gtype b'word:ArcA8myc'
1.864036 Agit b'+1:lemma:rpm'
1.864036 Agit b'+1:word:rpm'
1.856334 Agit b'lemma:rpm'
1.856334 Agit b'word:rpm'
1.839596 Anti b'lemma:seqa'
1.839596 Anti b'word:SeqA'
1.836163 Supp b'-1:postag:CC'
1.835200 O b'lemma:with'
1.835200 O b'word:with'
1.814125 O b'lemma:culture'
1.811651 Supp b'-1:lemma:Cra'
1.792538 Air b'-1:lemma:ChIP-Seq'
1.792538 Air b'-1:word:ChIP-Seq'
1.768358 Air b'lemma:aerobic'
1.762953 O b'isLower'
1.736496 Gtype b'word:cra'
1.714381 Gversion b'word:ChIP-Seq'
1.710946 Air b'-1:postag::'
1.709986 Gtype b'postag:NN'
1.698044 O b'lemma:at'
1.695726 Gtype b'lemma:\xce\xb4soxr'
1.695726 Gtype b'word:\xce\x94soxR'
1.678182 Vess b'lemma:flask'
1.678182 Vess b'-1:lemma:warm'
1.678182 Vess b'word:flask'
1.678182 Vess b'-1:word:warmed'
1.674493 Gtype b'lemma:pk4854'
1.674493 Gtype b'word:PK4854'
1.651636 Anti b'lemma:none'
1.651636 Anti b'word:none'
1.644746 O b'-1:lemma:0.3'
1.644746 O b'-1:word:0.3'
1.636558 Supp b'lemma:no3'
1.636558 Supp b'word:NO3'
1.624682 Gtype b'+1:postag::'
1.623664 Phase b'-1:lemma:mid-log'
1.623664 Phase b'-1:word:mid-log'
1.618042 Supp b'lemma:dpd'
1.618042 Supp b'word:DPD'
1.614435 Gtype b'lemma:\xce\xb4fur'
1.614435 Gtype b'word:\xce\x94fur'
1.613699 Gtype b'+1:lemma:ph5'
1.613699 Gtype b'+1:word:pH5'
1.607121 Gversion b'lemma:chip-seq'
1.597322 Anti b'lemma:\xcf\x8332'
1.597322 Anti b'word:\xcf\x8332'
1.592709 O b'lemma:Cra'
1.582551 Med b'lemma:lb'
1.582551 Med b'word:LB'
1.568363 Supp b'-1:lemma:vol'
1.568363 Supp b'-1:word:vol'
1.559468 Air b'lemma:Aerobic'
1.556342 Technique b'word:RNA-Seq'
1.553167 Med b'-1:lemma:ml'
1.553167 Med b'-1:word:ml'
1.553041 Med b'+1:lemma:0.4'
1.553041 Med b'+1:word:0.4'
1.551077 Supp b'lemma:Leu'
1.551077 Supp b'word:Leu'
1.543969 Air b'lemma:anaerobically'
1.543969 Air b'word:anaerobically'
1.543172 O b'lemma::'
1.543172 O b'word::'
1.540510 Anti b'+1:lemma:antibody'
1.540510 Anti b'+1:word:antibody'
1.537669 Air b'lemma:anaeroibc'
1.537669 Air b'word:Anaeroibc'
1.525613 OD b'-1:postag:IN'
1.524837 Supp b'lemma:Fe'
1.524837 Supp b'word:Fe'
1.524330 Gtype b'postag:-RRB-'
1.516209 O b'-1:lemma:glucose'
1.516209 O b'-1:word:glucose'
1.504553 Gtype b'+1:lemma:with'
1.504553 Gtype b'+1:word:with'
Top negative:
-0.149499 Anti b'+1:word:anti-Fur'
-0.152520 O b'+1:lemma:95'
-0.152520 O b'+1:word:95'
-0.156326 Supp b'+1:lemma:dpd'
-0.156326 Supp b'+1:word:DPD'
-0.162658 Supp b'lemma:10'
-0.162658 Supp b'word:10'
-0.163808 O b'+1:lemma:for'
-0.165890 Phase b'+1:postag:NN'
-0.166827 O b'-1:lemma:dfnr'
-0.166827 O b'-1:word:dFNR'
-0.171844 O b'+1:word:was'
-0.175747 O b'-1:lemma:of'
-0.175747 O b'-1:word:of'
-0.193766 O b'-1:word:from'
-0.208529 O b'-1:lemma:1m'
-0.208529 O b'-1:word:1M'
-0.210506 Air b'isLower'
-0.210844 Technique b'-1:postag::'
-0.216830 O b'+1:lemma:.'
-0.216830 O b'+1:postag:.'
-0.216830 O b'+1:word:.'
-0.223522 O b'-1:lemma:final'
-0.223522 O b'-1:word:final'
-0.223753 Med b'-1:postag:CD'
-0.233131 O b'-1:postag:JJ'
-0.239249 OD b'isNumber'
-0.243733 O b'lemma:20'
-0.243733 O b'word:20'
-0.246275 Air b'-1:postag:CC'
-0.247467 O b'lemma:k-12'
-0.247467 O b'word:K-12'
-0.265976 O b'lemma:glucose'
-0.265976 O b'word:glucose'
-0.271369 O b'+1:word:C'
-0.274901 O b'-1:lemma:the'
-0.284581 O b'-1:word:the'
-0.284785 O b'+1:lemma:supplement'
-0.284785 O b'+1:word:supplemented'
-0.285764 pH b'postag:NN'
-0.293864 pH b'isUpper'
-0.308118 Air b'-1:lemma:or'
-0.308118 Air b'-1:word:or'
-0.310139 Gtype b'-1:postag:CD'
-0.322263 Supp b'postag:CC'
-0.324104 O b'-1:lemma:cra'
-0.328286 O b'lemma:37'
-0.328286 O b'word:37'
-0.330168 O b'word:ChIP-exo'
-0.334656 O b'-1:lemma:37'
-0.334656 O b'-1:word:37'
-0.340095 Anti b'isUpper'
-0.342430 O b'-1:lemma:n2'
-0.342430 O b'-1:word:N2'
-0.348188 O b'-1:lemma:mm'
-0.348188 O b'-1:word:mM'
-0.350821 Supp b'+1:lemma:fructose'
-0.350821 Supp b'+1:word:fructose'
-0.352833 O b'+1:postag:IN'
-0.355440 O b'-1:postag:-LRB-'
-0.358948 O b'+1:postag:-LRB-'
-0.368508 O b'lemma:fructose'
-0.368508 O b'word:fructose'
-0.369578 Gtype b'+1:postag:CD'
-0.370939 O b'lemma:aerobically'
-0.370939 O b'word:aerobically'
-0.372723 O b'lemma:\xce\xb4fur'
-0.372723 O b'word:\xce\x94fur'
-0.374885 Supp b'+1:lemma:acetate'
-0.374885 Supp b'+1:word:acetate'
-0.383718 O b'-1:lemma:ph'
-0.383718 O b'-1:word:pH'
-0.388799 O b'-1:lemma:rpob'
-0.388799 O b'-1:word:RpoB'
-0.388879 O b'word:cells'
-0.392268 Supp b'-1:lemma:-lrb-'
-0.392268 Supp b'-1:word:-LRB-'
-0.394884 O b'+1:postag:-RRB-'
-0.401778 O b'lemma:minimal'
-0.401778 O b'word:minimal'
-0.405443 O b'+1:lemma:2.0'
-0.405443 O b'+1:word:2.0'
-0.409365 O b'lemma:medium'
-0.409365 O b'word:medium'
-0.416217 O b'-1:lemma:until'
-0.416217 O b'-1:word:until'
-0.422801 O b'+1:lemma:until'
-0.422801 O b'+1:word:until'
-0.422973 O b'lemma:nitrate'
-0.422973 O b'word:nitrate'
-0.424570 O b'-1:lemma:co2'
-0.424570 O b'-1:word:CO2'
-0.426175 Supp b'-1:postag:-LRB-'
-0.430390 O b'-1:lemma:dissolve'
-0.430390 O b'+1:lemma:methanol'
-0.430390 O b'-1:word:dissolved'
-0.430390 O b'+1:word:methanol'
-0.431326 O b'-1:lemma:chip-exo'
-0.434536 Med b'-1:postag:NN'
-0.437879 Supp b'+1:lemma:nacl'
-0.437879 Supp b'+1:word:NaCl'
-0.438271 Gtype b'+1:lemma:-lrb-'
-0.438271 Gtype b'+1:word:-LRB-'
-0.517777 O b'lemma:0.3'
-0.517777 O b'word:0.3'
-0.554787 O b'+1:lemma:+'
-0.554787 O b'+1:word:+'
-0.556538 Med b'+1:postag:IN'
-0.560443 Med b'-1:postag:IN'
-0.564073 Phase b'isUpper'
-0.567749 O b'lemma:mid-log'
-0.567749 O b'word:mid-log'
-0.569865 O b'+1:lemma:mm'
-0.569865 O b'+1:word:mM'
-0.574929 O b'+1:lemma:at'
-0.574929 O b'+1:word:at'
-0.576720 O b'lemma:methanol'
-0.576720 O b'word:methanol'
-0.582128 O b'-1:lemma:\xe2\x88\x86'
-0.582128 O b'-1:word:\xe2\x88\x86'
-0.586115 O b'lemma:anaerobically'
-0.586115 O b'word:anaerobically'
-0.586317 pH b'isLower'
-0.602158 O b'lemma:30'
-0.602158 O b'word:30'
-0.604997 O b'+1:lemma:g/l'
-0.604997 O b'+1:word:g/L'
-0.607721 O b'+1:lemma:1m'
-0.607721 O b'+1:word:1M'
-0.633619 O b'-1:postag:IN'
-0.635683 O b'-1:lemma:30'
-0.635683 O b'-1:word:30'
-0.637769 O b'-1:lemma:ml'
-0.637769 O b'-1:word:ml'
-0.669793 Air b'postag:NN'
-0.682250 O b'+1:word:ChIP-exo'
-0.688742 O b'lemma:of'
-0.688742 O b'word:of'
-0.712089 Air b'+1:postag:JJ'
-0.712952 O b'-1:lemma:1'
-0.712952 O b'-1:word:1'
-0.726205 O b'lemma:2h'
-0.726205 O b'-1:lemma:additional'
-0.726205 O b'word:2h'
-0.726205 O b'-1:word:additional'
-0.727554 O b'-1:postag::'
-0.740726 O b'-1:lemma:nsrr'
-0.740726 O b'-1:word:NsrR'
-0.747068 Temp b'postag:NN'
-0.802318 O b'lemma:nitrogen'
-0.802318 O b'word:nitrogen'
-0.820825 Supp b'+1:postag:VBN'
-0.826345 O b'lemma:media'
-0.826345 O b'word:media'
-0.827286 O b'-1:lemma:2'
-0.827286 O b'-1:word:2'
-0.831918 O b'-1:lemma:IP'
-0.831918 O b'-1:word:IP'
-0.838607 O b'-1:lemma:fresh'
-0.838607 O b'-1:word:fresh'
-0.854504 O b'lemma:wt'
-0.854588 Supp b'-1:postag:NNP'
-0.874101 O b'postag:RB'
-0.937975 Agit b'isUpper'
-0.956352 O b'+1:lemma:in'
-0.956352 O b'+1:word:in'
-0.979766 O b'+1:lemma:1'
-0.979766 O b'+1:word:1'
-0.982287 Gtype b'isLower'
-0.999251 Technique b'isNumber'
-1.074766 O b'postag:VBP'
-1.110753 Gtype b'isUpper'
-1.116498 O b'+1:postag:VBG'
-1.181571 Supp b'+1:postag:-LRB-'
-1.192346 O b'-1:lemma:sample'
-1.216569 Supp b'+1:lemma:-lrb-'
-1.216569 Supp b'+1:word:-LRB-'
-1.249356 Technique b'isLower'
-1.267812 O b'+1:lemma:2'
-1.267812 O b'+1:word:2'
-1.275807 O b'lemma:rifampicin'
-1.275807 O b'word:rifampicin'
-1.320279 Gtype b'isNumber'
-1.328236 Gversion b'isLower'
-1.369132 O b'-1:lemma:vol'
-1.369132 O b'-1:word:vol'
-1.376089 Supp b'+1:lemma:,'
-1.376089 Supp b'+1:postag:,'
-1.376089 Supp b'+1:word:,'
-1.376957 Phase b'postag:JJ'
-1.401753 OD b'+1:postag:NN'
-1.485274 Anti b'postag:NNP'
-1.787019 Supp b'postag:JJ'
-1.891720 Temp b'+1:postag:IN'
-2.179250 O b'-1:lemma:_'
-2.179250 O b'-1:word:_'
-2.181717 Phase b'-1:postag:JJ'
-2.190768 O b'-1:postag:VBG'
-2.226803 O b'-1:lemma::'
-2.226803 O b'-1:word::'
********** TRAINING AND TESTING REPORT **********
Training file: training-data-set-70_v4.txt
best params:{'c1': 0.24365115413317517, 'c2': 0.017603116029939036}
best CV score:0.797058241278945
model size: 0.06M
Flat F1: 0.7778441635784862
precision recall f1-score support
OD 1.000 0.405 0.577 37
pH 1.000 1.000 1.000 12
Technique 0.952 0.909 0.930 22
Med 0.800 0.842 0.821 57
Temp 0.818 1.000 0.900 18
Vess 0.000 0.000 0.000 0
Agit 0.000 0.000 0.000 0
Phase 1.000 0.895 0.944 19
Air 0.780 0.742 0.760 62
Anti 0.571 0.444 0.500 9
Strain 1.000 1.000 1.000 1
Gtype 0.863 0.774 0.816 106
Substrain 0.000 0.000 0.000 1
Supp 0.818 0.662 0.732 136
Gversion 0.000 0.000 0.000 0
avg / total 0.847 0.735 0.778 480
Top likely transitions:
OD -> OD 6.460512
Agit -> Agit 6.341871
Temp -> Temp 5.624129
Med -> Med 5.402282
Anti -> Anti 5.214940
Air -> Air 4.858980
Phase -> Phase 4.544403
Gtype -> Gtype 4.483666
Supp -> Supp 4.372876
Gversion -> Gversion 4.358204
O -> O 4.356881
Technique -> Technique 3.828561
O -> Supp 2.070080
Gtype -> Supp 1.938994
pH -> pH 1.828748
Air -> O 1.699192
O -> Technique 1.307357
Substrain -> Gtype 1.254891
O -> Gtype 1.237193
O -> Temp 0.952632
Med -> O 0.819857
OD -> Phase 0.738941
Technique -> Air 0.735321
O -> Anti 0.520896
Supp -> O 0.493996
Temp -> O 0.435644
O -> Gversion 0.368943
Phase -> O 0.362864
Gtype -> pH 0.340162
O -> Med 0.294591
Gtype -> Air 0.108303
O -> Strain 0.008465
Gtype -> O -0.094763
Gtype -> Anti -0.194733
OD -> O -0.218649
Technique -> pH -0.317427
Agit -> O -0.543505
Supp -> Med -0.600692
Gtype -> OD -0.628749
O -> Air -0.839621
Substrain -> O -0.911959
Med -> Supp -1.122521
Phase -> OD -1.131519
Top unlikely transitions:
OD -> OD 6.460512
Agit -> Agit 6.341871
Temp -> Temp 5.624129
Med -> Med 5.402282
Anti -> Anti 5.214940
Air -> Air 4.858980
Phase -> Phase 4.544403
Gtype -> Gtype 4.483666
Supp -> Supp 4.372876
Gversion -> Gversion 4.358204
O -> O 4.356881
Technique -> Technique 3.828561
O -> Supp 2.070080
Gtype -> Supp 1.938994
pH -> pH 1.828748
Air -> O 1.699192
O -> Technique 1.307357
Substrain -> Gtype 1.254891
O -> Gtype 1.237193
O -> Temp 0.952632
Med -> O 0.819857
OD -> Phase 0.738941
Technique -> Air 0.735321
O -> Anti 0.520896
Supp -> O 0.493996
Temp -> O 0.435644
O -> Gversion 0.368943
Phase -> O 0.362864
Gtype -> pH 0.340162
O -> Med 0.294591
Gtype -> Air 0.108303
O -> Strain 0.008465
Gtype -> O -0.094763
Gtype -> Anti -0.194733
OD -> O -0.218649
Technique -> pH -0.317427
Agit -> O -0.543505
Supp -> Med -0.600692
Gtype -> OD -0.628749
O -> Air -0.839621
Substrain -> O -0.911959
Med -> Supp -1.122521
Phase -> OD -1.131519
Top positive:
7.945473 O b'lemma:_'
7.412165 Supp b'lemma:Iron'
6.926609 Air b'lemma:anaerobic'
6.922674 O b'lemma:1'
6.590205 Air b'lemma:aerobic'
6.223986 Strain b'lemma:k-12'
6.187011 Technique b'lemma:ChIP-exo'
6.130654 Phase b'lemma:stationary'
5.864907 Supp b'lemma:nitrate'
5.653173 O b'lemma:2'
5.610923 O b'lemma:rpob'
5.610415 Air b'-1:lemma:ChIP-Seq'
5.397732 Phase b'lemma:mid-log'
5.255269 O b'lemma:3'
5.206599 Technique b'lemma:chipseq'
4.960561 Substrain b'lemma:mg1655'
4.914901 O b'postag:IN'
4.746312 Supp b'lemma:pq'
4.579937 Gtype b'lemma:\xce\xb4cra'
4.520187 Gtype b'lemma:type'
4.511014 OD b'lemma:od600'
4.469574 Gtype b'lemma:flag-tag'
4.469574 Gtype b'-1:lemma:c-terminal'
4.462810 O b'lemma:rep1'
4.392739 O b'postag::'
4.375670 Gversion b'lemma:asm584v2'
4.369737 O b'lemma:Custom'
4.356443 O b'lemma:b'
4.303923 Technique b'lemma:ChIP-Seq'
4.302917 Med b'lemma:MOPS'
4.296205 Supp b'lemma:nh4cl'
4.281883 Gtype b'-1:lemma:\xe2\x88\x86'
4.279879 Gtype b'+1:lemma:type'
4.270631 O b'lemma:rep2'
4.239368 Air b'lemma:Aerobic'
4.132080 Gversion b'lemma:nc'
4.117043 Med b'lemma:lb'
4.108014 Supp b'+1:lemma:\xc2\xb5m'
4.076646 O b'lemma:rep3'
4.043095 Gtype b'lemma:arca8myc'
4.041495 Supp b'lemma:glucose'
4.033775 O b'lemma:a'
4.027421 O b'-1:lemma:tag'
4.027011 Med b'lemma:LB'
4.007935 O b'lemma:Cra'
3.910498 Gtype b'lemma:wt'
3.905564 O b'-1:lemma:ChIP-exo'
3.870678 O b'lemma:\xcf\x8332'
3.727782 Supp b'lemma:acetate'
3.697104 Gtype b'lemma:delta-arca'
3.647724 Technique b'lemma:rna-seq'
3.633897 Supp b'lemma:Fe'
3.575150 Gtype b'lemma:fnr8myc'
3.536159 OD b'lemma:od450'
3.488627 Supp b'lemma:rifampicin'
3.426221 O b'lemma:.'
3.426221 O b'postag:.'
3.421248 Technique b'lemma:chip-seq'
3.389912 Air b'postag:RB'
3.367471 Med b'+1:lemma:0.4'
3.358386 Gtype b'lemma:\xe2\x88\x86'
3.341657 Supp b'lemma:dpd'
3.311375 Supp b'lemma:no3'
3.301666 Gtype b'lemma:nsrr'
3.263607 OD b'+1:lemma:stationary'
3.256783 O b'-1:lemma:Aerobic'
3.217842 Anti b'lemma:none'
3.181572 Gversion b'-1:lemma:nc'
3.100116 Technique b'lemma:rnaseq'
3.072172 Gtype b'lemma:\xce\xb4fur'
3.058843 O b'postag:VBN'
3.028102 Anti b'+1:lemma:antibody'
3.018055 Supp b'lemma:arginine'
3.012119 Supp b'+1:lemma:1'
3.009503 Gtype b'lemma:delta-fnr'
2.984566 O b'lemma:CEL'
2.976222 O b'+1:lemma:od600'
2.972362 Supp b'lemma:fructose'
2.971825 Vess b'lemma:flask'
2.971825 Vess b'-1:lemma:warm'
2.946262 Technique b'-1:lemma:IP'
2.917769 Temp b'-1:lemma:sample'
2.914128 Med b'+1:lemma:minimal'
2.847635 Temp b'lemma:\xc2\xb0c'
2.845956 O b'-1:lemma:type'
2.837114 pH b'lemma:ph5'
2.837114 pH b'+1:lemma:.5'
2.822859 Supp b'+1:lemma:2'
2.819530 O b'postag:CC'
2.802486 Gtype b'+1:lemma:with'
2.796286 Anti b'lemma:seqa'
2.757551 Gtype b'+1:lemma:pq'
2.752041 O b'lemma:chip'
2.720379 O b'lemma:-'
2.697742 Gversion b'lemma:u00096'
2.697742 Gversion b'+1:lemma:.2'
2.686468 Technique b'+1:lemma:chip-exo'
2.652892 O b'-1:lemma:0.3-0.35'
2.634884 O b'-1:lemma:glucose'
2.605565 Gversion b'lemma:chip-seq'
2.589331 Strain b'+1:lemma:substr'
2.586612 O b'+1:postag:RB'
2.568676 O b'postag:DT'
2.560900 Temp b'-1:lemma:\xcf\x8332'
2.543878 O b'lemma:with'
2.514778 Med b'lemma:m63'
2.497949 Anti b'lemma:anti-myc'
2.469343 pH b'lemma:.5'
2.469343 pH b'-1:lemma:ph5'
2.464961 Gversion b'lemma:000913'
2.461605 Gtype b'-1:lemma:rpob'
2.454623 O b'lemma:s'
2.438821 O b'+1:postag:NNP'
2.438655 Gversion b'lemma:.2'
2.438655 Gversion b'-1:lemma:u00096'
2.427395 Technique b'-1:lemma:chip-exo'
2.415443 Anti b'lemma:anti-rpos'
2.411875 Temp b'-1:lemma:43'
2.410922 Gtype b'-1:lemma:ptac'
2.405223 Gtype b'lemma:\xce\xb4ompr'
2.401826 O b'-1:lemma:anaerobic'
2.390761 O b'lemma:or'
2.388354 O b'-1:lemma:lb'
2.381109 Gtype b'+1:lemma:flagtag'
2.347230 Med b'+1:lemma:2.0'
2.324166 Med b'lemma:media'
2.310748 O b'-1:lemma:0.3'
2.278494 Supp b'-1:lemma:Cra'
2.263509 O b'+1:lemma:pq'
2.238545 Supp b'+1:lemma:_'
2.229756 O b'-1:lemma:l1'
2.226389 Air b'-1:lemma:co2'
2.200525 Gtype b'+1:lemma:aerobic'
2.173774 Supp b'lemma:nacl'
2.171575 Substrain b'+1:lemma:phtpg'
2.149631 Supp b'lemma:20'
2.120754 Gtype b'lemma:wild-type'
2.119820 Supp b'-1:lemma:\xc2\xb5m'
2.113883 O b'-1:lemma:\xc2\xb0c'
2.105763 Supp b'-1:lemma:+'
2.101125 O b'lemma:oxyr'
2.092553 Gtype b'lemma:\xce\xb4soxs'
2.090291 Air b'-1:lemma:-'
2.081430 Supp b'lemma:Leu'
2.062775 O b'postag:VBG'
2.055064 O b'-1:lemma:stpa'
2.046935 O b'lemma:condition'
2.038964 Temp b'lemma:43'
2.033948 Supp b'lemma:iptg'
2.023886 pH b'+1:postag:CD'
2.022782 Gtype b'+1:lemma:ph5'
2.013337 Temp b'-1:lemma:37'
1.955826 Med b'lemma:L'
1.955826 Med b'+1:lemma:broth'
1.954859 Temp b'lemma:37'
1.927649 O b'+1:lemma:chip-seq'
1.919892 Supp b'-1:lemma:with'
1.915338 O b'lemma:affyexp'
1.911245 Gtype b'lemma:pk4854'
1.909261 Phase b'-1:lemma:mid-log'
1.895692 Temp b'+1:lemma:\xc2\xb0c'
1.886863 O b'lemma:genotype/variation'
1.872821 OD b'-1:lemma:~'
1.872507 OD b'lemma:0.3'
1.858566 Med b'+1:lemma:supplement'
1.848644 Gtype b'lemma:ptac'
1.844359 O b'lemma:Lrp'
1.841048 Med b'+1:lemma:+'
1.831366 O b'lemma:culture'
1.830571 Gtype b'-1:postag:VBG'
1.825208 O b'lemma:-rrb-'
1.822383 Gtype b'lemma:deltaseqa'
1.822383 Gtype b'-1:lemma:old'
1.820507 Gtype b'-1:lemma:nsrr'
1.819979 Gtype b'+1:lemma:_'
1.784801 Med b'+1:lemma:g/l'
1.781733 Technique b'+1:lemma:rna-seq'
1.778548 Supp b'+1:lemma:Deficient'
1.771039 Gversion b'postag:CD'
1.755561 O b'lemma:chip-arca'
1.740739 Supp b'lemma:methanol'
1.728483 O b'lemma:ompr'
1.717002 Med b'-1:lemma:ml'
1.696842 OD b'lemma:phase'
1.693821 Supp b'lemma:Adenine'
1.677174 Air b'-1:postag::'
1.675361 Phase b'-1:lemma:until'
1.672716 Air b'-1:postag:CD'
1.672711 Med b'lemma:broth'
1.672711 Med b'-1:lemma:L'
1.672565 Technique b'-1:lemma:input'
1.666211 Technique b'-1:lemma:_'
1.663572 Air b'lemma:Anaerobic'
1.657183 Gtype b'-1:lemma:_'
1.650921 O b'lemma:Fur'
1.650554 Gtype b'-1:postag:VBP'
1.647569 Med b'-1:lemma:glucose'
1.646454 Gtype b'lemma:WT'
1.642228 Air b'lemma:anaerobically'
1.638505 Supp b'+1:lemma:hour'
Top negative:
0.003606 Phase b'-1:postag:TO'
0.003173 O b'+1:lemma:minute'
0.002853 OD b'postag:CC'
0.002630 Technique b'+1:lemma:-rrb-'
0.002520 Technique b'+1:postag:-RRB-'
0.002467 Med b'lemma:m9'
0.002337 Air b'+1:postag:-LRB-'
0.002264 Technique b'+1:lemma:Anaerobic'
0.002098 Phase b'postag:RB'
0.002086 Gtype b'+1:lemma:rna'
0.002053 O b'lemma:~'
0.001666 OD b'-1:postag:JJ'
0.001084 Gtype b'+1:lemma:chip'
0.001034 Air b'+1:lemma:-lrb-'
0.000728 OD b'-1:lemma:to'
0.000728 OD b'-1:postag:TO'
0.000711 O b'-1:lemma:at'
0.000709 O b'+1:lemma:_'
0.000560 Temp b'+1:postag:VB'
0.000555 Gtype b'lemma:lack'
0.000388 OD b'postag:VBD'
0.000335 Air b'-1:postag:RB'
0.000334 OD b'-1:postag:VBN'
0.000307 Air b'-1:lemma:95'
0.000306 Anti b'-1:lemma:Custom'
0.000275 O b'-1:postag:VBZ'
0.000204 Air b'-1:lemma:-lrb-'
0.000203 Air b'-1:postag:-LRB-'
0.000156 Temp b'postag:VB'
0.000139 Supp b'+1:lemma:dissolve'
0.000138 Gtype b'lemma:ptrc'
0.000138 Gtype b'-1:lemma:inducible'
0.000085 Med b'-1:lemma:complete'
0.000051 OD b'+1:lemma:0.35'
0.000048 Temp b'+1:lemma:-rrb-'
0.000043 Air b'-1:lemma:anaerobically'
0.000039 OD b'+1:postag:VBN'
0.000034 Temp b'+1:postag:-RRB-'
0.000030 Supp b'-1:postag:VBN'
0.000028 OD b'lemma:mg1655'
0.000023 OD b'+1:lemma:mg1655'
0.000022 OD b'lemma:k-12'
0.000019 Temp b'lemma:-lrb-'
0.000017 Temp b'postag:-LRB-'
0.000016 Air b'lemma:-rrb-'
0.000015 Air b'postag:-RRB-'
0.000007 Gtype b'lemma:inducible'
0.000007 Gtype b'-1:lemma:carrying'
0.000007 Gtype b'+1:lemma:ptrc'
0.000003 O b'lemma:4'
0.000001 O b'postag:VBZ'
0.000000 Med b'+1:lemma:,'
0.000000 Med b'+1:postag:,'
-0.000019 O b'-1:lemma:g/l'
-0.000078 O b'-1:lemma:iptg'
-0.000082 O b'+1:lemma:until'
-0.000090 Supp b'+1:postag:CD'
-0.000137 O b'+1:lemma:phase'
-0.000630 O b'+1:lemma:grow'
-0.000719 Air b'lemma:,'
-0.000719 Air b'postag:,'
-0.000881 Supp b'-1:postag:NNP'
-0.001151 O b'+1:lemma:95'
-0.001284 O b'lemma:glucose'
-0.001441 O b'lemma:anaerobic'
-0.002285 Supp b'-1:postag:NN'
-0.003211 Air b'-1:lemma:,'
-0.003211 Air b'-1:postag:,'
-0.003285 O b'+1:lemma:rep1'
-0.003344 O b'-1:lemma:n2'
-0.004884 Supp b'+1:postag:IN'
-0.005691 O b'lemma:grow'
-0.008542 O b'lemma:\xce\xb4fur'
-0.008810 O b'lemma:30'
-0.008856 O b'lemma:\xe2\x88\x86'
-0.016851 Gversion b'+1:postag:NN'
-0.017577 Agit b'postag:NN'
-0.019899 OD b'postag:JJ'
-0.021053 Supp b'lemma:and'
-0.035082 Med b'-1:postag:IN'
-0.037650 O b'+1:lemma:shake'
-0.040816 Technique b'-1:lemma::'
-0.042661 Air b'-1:postag:VBN'
-0.047406 O b'lemma:e.'
-0.050232 O b'+1:lemma:300'
-0.057684 Supp b'postag:CD'
-0.060532 Med b'+1:postag:IN'
-0.071550 O b'+1:lemma:5'
-0.074571 Supp b'+1:lemma:-rrb-'
-0.077631 O b'-1:postag:VBN'
-0.083084 OD b'+1:postag:CD'
-0.083227 Air b'postag:CD'
-0.086748 Supp b'+1:postag:-RRB-'
-0.087729 O b'-1:lemma:e.'
-0.089412 O b'-1:lemma:um'
-0.089412 O b'+1:lemma:paraquat'
-0.095031 O b'-1:lemma:,'
-0.095031 O b'-1:postag:,'
-0.097514 Anti b'+1:postag:JJ'
-0.097686 O b'-1:lemma:the'
-0.115298 OD b'+1:postag:-LRB-'
-0.115560 Phase b'-1:postag:NN'
-0.117367 Phase b'-1:postag:JJ'
-0.118533 Supp b'postag:CC'
-0.118866 Med b'-1:postag:NN'
-0.119788 O b'+1:postag:NNS'
-0.128143 O b'lemma:150'
-0.128143 O b'+1:lemma:mg/ml'
-0.128440 Gtype b'postag:CD'
-0.128454 O b'-1:lemma:rifampicin'
-0.130932 Phase b'-1:lemma:at'
-0.144251 Air b'-1:postag:CC'
-0.152959 O b'+1:lemma:c'
-0.153793 O b'+1:lemma:arginine'
-0.155635 O b'+1:lemma:-rrb-'
-0.155871 Phase b'+1:postag:NN'
-0.169334 O b'-1:lemma:1'
-0.178678 O b'-1:lemma:-lrb-'
-0.185252 O b'-1:lemma:cra'
-0.188794 Supp b'+1:postag:VBN'
-0.189587 Supp b'-1:lemma:%'
-0.197975 O b'+1:lemma:.'
-0.197975 O b'+1:postag:.'
-0.206342 O b'-1:postag:IN'
-0.218582 O b'-1:lemma:of'
-0.228664 O b'-1:lemma:0.2'
-0.243004 O b'lemma:phase'
-0.245652 Temp b'postag:JJ'
-0.248718 O b'-1:lemma:30'
-0.258083 Supp b'+1:lemma:rifampicin'
-0.265675 O b'-1:lemma:from'
-0.270538 Anti b'+1:lemma:anti-fur'
-0.275341 Med b'+1:postag:NN'
-0.286886 O b'lemma:20'
-0.287653 Med b'postag:CD'
-0.299457 pH b'postag:NN'
-0.299809 O b'+1:postag:IN'
-0.304068 O b'-1:postag:-LRB-'
-0.308718 O b'+1:lemma:%'
-0.337061 O b'lemma:media'
-0.343972 O b'+1:postag:-RRB-'
-0.375037 O b'-1:lemma:~'
-0.378855 O b'+1:postag:VBG'
-0.390573 O b'+1:lemma:0.3'
-0.442424 Temp b'+1:lemma:to'
-0.442424 Temp b'+1:postag:TO'
-0.442791 O b'lemma:dissolve'
-0.457125 Air b'-1:postag:JJ'
-0.473796 O b'-1:lemma:ml'
-0.487814 O b'-1:lemma:grow'
-0.504521 O b'-1:lemma:od600'
-0.510322 O b'lemma:anaerobically'
-0.574504 O b'lemma:0.3'
-0.603912 O b'+1:lemma:hour'
-0.607283 O b'lemma:od600'
-0.671305 O b'+1:lemma:+'
-0.673609 O b'lemma:fecl2'
-0.687238 O b'-1:lemma:sample'
-0.693028 OD b'+1:postag:NN'
-0.699278 Technique b'-1:postag::'
-0.701848 O b'+1:lemma:fecl2'
-0.704105 Phase b'postag:JJ'
-0.721360 O b'-1:lemma:37'
-0.751804 O b'lemma:2h'
-0.751804 O b'-1:lemma:additional'
-0.765268 O b'+1:lemma:cell'
-0.797811 O b'-1:postag:VBG'
-0.812938 OD b'lemma:-lrb-'
-0.817055 O b'lemma:37'
-0.849161 O b'lemma:0.1'
-0.857948 Temp b'postag:NN'
-0.858109 Supp b'+1:lemma:acetate'
-0.893857 O b'-1:lemma:rpob'
-0.908853 O b'lemma:0.2'
-0.910535 O b'lemma:of'
-0.917031 O b'+1:lemma:g/l'
-0.927240 O b'-1:lemma:dissolve'
-0.927240 O b'+1:lemma:methanol'
-0.952327 O b'-1:postag::'
-1.012901 O b'lemma:mid-log'
-1.041464 O b'-1:lemma:ompr'
-1.052741 O b'lemma:wt'
-1.080730 Anti b'postag:NNP'
-1.207147 O b'+1:lemma:supplement'
-1.210841 O b'lemma:methanol'
-1.241992 Air b'+1:postag:JJ'
-1.248085 O b'lemma:rifampicin'
-1.259918 O b'+1:lemma:at'
-1.297301 O b'-1:lemma:IP'
-1.445280 O b'-1:lemma:nsrr'
-1.572311 O b'+1:lemma:in'
-1.575804 O b'-1:lemma:co2'
-1.596289 OD b'postag:-LRB-'
-1.598275 Supp b'postag:JJ'
-1.805996 Air b'postag:NN'
-1.906139 O b'+1:lemma:2'
-2.059834 O b'+1:lemma:1'
-2.164534 O b'-1:lemma:2'
-3.758611 O b'-1:lemma::'
-3.808109 O b'-1:lemma:_'
********** TRAINING AND TESTING REPORT **********
Training file: training-data-set-70.txt
best params:{'c1': 0.04937325798482469, 'c2': 0.021347060592283952}
best CV score:0.8727912197138052
model size: 0.16M
Flat F1: 0.7834470810208732
precision recall f1-score support
OD 0.857 0.818 0.837 22
pH 1.000 1.000 1.000 8
Technique 1.000 0.913 0.955 23
Med 1.000 0.943 0.971 53
Temp 1.000 0.621 0.766 29
Vess 1.000 1.000 1.000 1
Agit 0.000 0.000 0.000 0
Phase 0.882 1.000 0.938 15
Air 0.556 0.362 0.439 69
Anti 1.000 1.000 1.000 11
Strain 0.000 0.000 0.000 1
Gtype 0.885 0.812 0.847 85
Substrain 0.000 0.000 0.000 0
Supp 0.735 0.806 0.769 134
Gversion 0.000 0.000 0.000 0
avg / total 0.818 0.763 0.783 451
Top likely transitions:
Temp -> Temp 5.697885
Med -> Med 5.203676
Supp -> Supp 5.023623
Anti -> Anti 4.919423
Agit -> Agit 4.878209
OD -> OD 4.490452
Gtype -> Gtype 4.342655
Phase -> Phase 4.265502
Gversion -> Gversion 4.228866
O -> O 3.927755
Air -> Air 3.904248
Technique -> Technique 3.337823
pH -> pH 3.047130
Substrain -> Gtype 0.928380
O -> Technique 0.767492
O -> Supp 0.345238
O -> Gtype 0.335711
Technique -> Air 0.302367
Air -> O 0.238748
Gtype -> Supp 0.106918
Temp -> O 0.099174
O -> Anti 0.028918
O -> Temp 0.024359
Gtype -> Air 0.000872
O -> Strain -0.006968
OD -> Med -0.016869
Vess -> O -0.025460
Air -> Agit -0.030216
Technique -> Supp -0.054732
Gtype -> Temp -0.066953
Air -> Technique -0.074730
Phase -> Gtype -0.080334
O -> Phase -0.082037
Anti -> Supp -0.094817
O -> Agit -0.122548
Anti -> Gtype -0.136175
Agit -> Air -0.139559
Phase -> Technique -0.151160
Gtype -> Gversion -0.170913
Supp -> Phase -0.196758
Supp -> O -0.208933
Agit -> O -0.223185
Supp -> Technique -0.223482
Phase -> OD -0.285779
Supp -> Gversion -0.304736
Technique -> OD -0.319741
Supp -> Anti -0.336780
Med -> O -0.359992
Temp -> Med -0.365995
Supp -> Air -0.395049
Top unlikely transitions:
Vess -> O -0.025460
Air -> Agit -0.030216
Technique -> Supp -0.054732
Gtype -> Temp -0.066953
Air -> Technique -0.074730
Phase -> Gtype -0.080334
O -> Phase -0.082037
Anti -> Supp -0.094817
O -> Agit -0.122548
Anti -> Gtype -0.136175
Agit -> Air -0.139559
Phase -> Technique -0.151160
Gtype -> Gversion -0.170913
Supp -> Phase -0.196758
Supp -> O -0.208933
Agit -> O -0.223185
Supp -> Technique -0.223482
Phase -> OD -0.285779
Supp -> Gversion -0.304736
Technique -> OD -0.319741
Supp -> Anti -0.336780
Med -> O -0.359992
Temp -> Med -0.365995
Supp -> Air -0.395049
Anti -> Temp -0.433807
Air -> Med -0.443745
Technique -> Gtype -0.461980
Anti -> O -0.477920
Phase -> Med -0.496773
Phase -> Supp -0.504111
Supp -> Gtype -0.542703
Air -> Supp -0.549017
OD -> Air -0.590463
Gtype -> Technique -0.617626
OD -> O -0.633869
Gversion -> O -0.665626
Technique -> pH -0.667545
Phase -> O -0.674680
Air -> Phase -0.701860
Air -> Temp -0.825208
Gtype -> Anti -0.861670
O -> Med -0.887587
O -> OD -1.001120
Technique -> O -1.008992
Gtype -> Med -1.115268
Supp -> Med -1.155087
Gtype -> O -1.446717
O -> Air -1.553604
Substrain -> O -1.560176
Med -> Supp -1.895924
Top positive:
4.079246 Gtype b'lemma[:1]:\xce\xb4'
3.875929 Technique b'lemma[:2]:Ch'
3.769086 O b'lemma[:2]:re'
3.421852 Air b'word:Aerobic'
3.297057 O b'word:Cra'
3.280691 Air b'lemma:anaerobic'
3.279696 O b'lemma:_'
3.279696 O b'lemma[:1]:_'
3.279696 O b'word:_'
3.054016 O b'-1:word:tag'
2.950170 O b'-1:lemma:tag'
2.923311 Supp b'-1:word:Cra'
2.917103 O b'lemma:-'
2.917103 O b'word:-'
2.673438 O b'lemma:2'
2.673438 O b'word:2'
2.601916 Anti b'lemma[:2]:an'
2.548804 Air b'word:Anaerobic'
2.540901 O b'lemma:with'
2.540901 O b'word:with'
2.527977 Supp b'+1:lemma:\xc2\xb5m'
2.527977 Supp b'+1:word:\xc2\xb5M'
2.513465 Gtype b'lemma[:2]:pk'
2.467865 Air b'lemma[:2]:ae'
2.465142 Supp b'-1:lemma:vol'
2.465142 Supp b'-1:word:vol'
2.430821 O b'word:A'
2.414676 O b'+1:lemma:pq'
2.414676 O b'+1:word:PQ'
2.381594 Supp b'lemma:arginine'
2.365113 Strain b'+1:lemma:substr'
2.365113 Strain b'+1:word:substr'
2.358430 O b'lemma:3'
2.358430 O b'word:3'
2.281060 O b'+1:postag:RB'
2.274077 Gtype b'lemma:wt'
2.274077 Gtype b'lemma[:2]:wt'
2.271330 Gtype b'lemma[:1]:w'
2.262507 Gtype b'lemma[:2]:de'
2.230752 O b'-1:word:Aerobic'
2.223212 Gtype b'lemma[:2]:ar'
2.204027 Gtype b'word:WT'
2.203708 Supp b'lemma:pq'
2.203708 Supp b'lemma[:2]:pq'
2.203708 Supp b'word:PQ'
2.195032 Technique b'lemma[:2]:rn'
2.177901 Air b'lemma[:2]:an'
2.152688 O b'lemma[:2]:ge'
2.152187 O b'lemma:1'
2.152187 O b'word:1'
2.147937 Phase b'lemma:stationary'
2.147937 Phase b'word:stationary'
2.139876 Phase b'lemma:mid-log'
2.139876 Phase b'word:mid-log'
2.082317 O b'lemma:Custom'
2.082317 O b'lemma[:2]:Cu'
2.082317 O b'word:Custom'
2.081417 Technique b'lemma[:1]:C'
2.059825 O b'lemma:b'
2.059825 O b'word:B'
2.051640 Technique b'word:ChIPSeq'
2.044050 Supp b'lemma:Iron'
2.044050 Supp b'lemma[:2]:Ir'
2.044050 Supp b'word:Iron'
2.044050 Supp b'+1:word:Deficient'
2.034480 O b'-1:lemma:ChIP-exo'
2.021616 Technique b'lemma[:2]:ch'
2.004928 Substrain b'lemma[:2]:mg'
1.992585 Gtype b'lemma[:1]:f'
1.988583 Gtype b'lemma[:2]:cr'
1.983400 O b'+1:postag:NNP'
1.976657 O b'lemma[:1]:h'
1.975191 O b'-1:lemma:lb'
1.975191 O b'-1:word:LB'
1.973175 Supp b'lemma[:1]:I'
1.969412 O b'lemma:.'
1.969412 O b'postag:.'
1.969412 O b'postag[:1]:.'
1.969412 O b'word:.'
1.954569 Phase b'lemma[:2]:ex'
1.946311 O b'lemma:delta'
1.946311 O b'word:delta'
1.942336 Supp b'postag:VBP'
1.917047 Technique b'word:ChIP-Seq'
1.916217 Supp b'-1:lemma:Cra'
1.899702 Supp b'lemma:rifampicin'
1.899702 Supp b'word:rifampicin'
1.898554 Supp b'-1:lemma:with'
1.898554 Supp b'-1:word:with'
1.892222 Air b'lemma[:1]:a'
1.892185 Supp b'lemma[:2]:ri'
1.887353 Technique b'lemma:chipseq'
1.852638 O b'-1:lemma:0.3'
1.852638 O b'-1:word:0.3'
1.839355 pH b'lemma[:2]:ph'
1.838181 Gtype b'hGreek'
1.837034 O b'-1:lemma:glucose'
1.837034 O b'-1:word:glucose'
1.821428 Gtype b'lemma:arca8myc'
1.821428 Gtype b'word:ArcA8myc'
1.821045 Med b'lemma:MOPS'
1.821045 Med b'lemma[:1]:M'
1.821045 Med b'lemma[:2]:MO'
1.821045 Med b'word:MOPS'
1.813601 Technique b'-1:lemma:chip-exo'
1.811851 Gversion b'word:ChIP-Seq'
1.810109 O b'lemma:ompr'
1.810109 O b'word:OmpR'
1.807989 Supp b'-1:lemma:+'
1.807989 Supp b'-1:word:+'
1.805457 OD b'lemma[:1]:o'
1.789186 Gtype b'lemma[:1]:t'
1.787157 Supp b'lemma[:2]:gl'
1.784556 Gtype b'symb'
1.769736 Gversion b'lemma:chip-seq'
1.769144 O b'lemma[:2]:om'
1.756478 Temp b'+1:lemma:in'
1.756478 Temp b'+1:word:in'
1.750825 O b'lemma:rpob'
1.750825 O b'word:RpoB'
1.744454 Gversion b'-1:lemma:nc'
1.744454 Gversion b'-1:word:NC'
1.743983 Technique b'lemma:ChIP-exo'
1.738988 Gtype b'-1:lemma:\xe2\x88\x86'
1.738988 Gtype b'-1:word:\xe2\x88\x86'
1.737321 Supp b'lemma[:2]:30'
1.719994 Gversion b'lemma[:2]:00'
1.691622 Med b'+1:lemma:0.4'
1.691622 Med b'+1:word:0.4'
1.690183 Supp b'lemma:acetate'
1.690183 Supp b'word:acetate'
1.680098 Gtype b'lemma[:1]:W'
1.669697 Phase b'lemma[:1]:e'
1.654569 O b'-1:lemma:into'
1.654569 O b'-1:word:into'
1.646155 Agit b'+1:lemma:rpm'
1.646155 Agit b'+1:word:rpm'
1.639372 Supp b'lemma[:2]:ni'
1.637838 Supp b'-1:postag:CC'
1.633069 Med b'-1:lemma:ml'
1.633069 Med b'-1:word:ml'
1.626970 Gtype b'-1:postag:VBG'
1.625020 O b'+1:word:ChIP-Seq'
1.592935 Air b'lemma[:1]:A'
1.581837 Supp b'lemma[:2]:ac'
1.581166 Gversion b'lemma:asm584v2'
1.581166 Gversion b'word:ASM584v2'
1.576758 Gversion b'lemma[:2]:as'
1.566133 Air b'lemma:Aerobic'
1.566133 Air b'lemma[:2]:Ae'
1.556942 Air b'+1:postag:IN'
1.540738 Air b'postag:RB'
1.540738 Air b'postag[:1]:R'
1.540738 Air b'postag[:2]:RB'
1.537191 O b'-1:lemma:phase'
1.537191 O b'-1:word:phase'
1.528090 Air b'-1:lemma:-'
1.528090 Air b'-1:word:-'
1.527198 Gtype b'lemma:type'
1.527198 Gtype b'lemma[:2]:ty'
1.527198 Gtype b'word:type'
1.520984 O b'lemma[:1]:C'
1.511967 Air b'-1:postag::'
1.501971 O b'postag::'
1.501971 O b'postag[:1]::'
1.500818 Gtype b'lemma[:2]:wi'
1.494237 O b'+1:word:were'
1.488912 O b'postag:CC'
1.488912 O b'postag[:2]:CC'
1.488215 Agit b'lemma:rpm'
1.488215 Agit b'word:rpm'
1.486647 Supp b'+1:lemma:1'
1.486647 Supp b'+1:word:1'
1.483688 Temp b'-1:lemma:\xcf\x8332'
1.483688 Temp b'-1:word:\xcf\x8332'
1.483025 Air b'word:anaerobic'
1.481168 O b'lemma:a'
1.480233 Gversion b'lemma:nc'
1.480233 Gversion b'lemma[:2]:nc'
1.480233 Gversion b'word:NC'
1.465788 O b'-1:lemma:anaerobic'
1.464120 O b'+1:lemma:od600'
1.464120 O b'+1:word:OD600'
1.459126 O b'+1:postag:VBN'
1.449825 Phase b'lemma:exponential'
1.449825 Phase b'word:exponential'
1.443892 O b'-1:lemma:0.3-0.35'
1.443892 O b'-1:word:0.3-0.35'
1.429105 Technique b'symb'
1.428375 O b'lemma[:2]:ga'
1.423820 Technique b'word:ChIP-exo'
1.422037 O b'lemma:chip'
1.420614 O b'isNumber'
1.417035 pH b'+1:postag:CD'
1.414508 Phase b'lemma[:2]:st'
1.410028 O b'isLower'
1.399604 Med b'+1:postag:CD'
1.398736 Med b'+1:lemma:2.0'
1.398736 Med b'+1:word:2.0'
1.374106 O b'-1:lemma:wt'
Top negative:
-0.314411 Supp b'postag[:1]:N'
-0.314411 Supp b'postag[:2]:NN'
-0.316666 OD b'+1:lemma:0.4'
-0.316666 OD b'+1:word:0.4'
-0.319400 O b'+1:word:for'
-0.319616 Substrain b'isLower'
-0.329221 O b'+1:lemma:supplement'
-0.329221 O b'+1:word:supplemented'
-0.334710 Gtype b'+1:lemma:-rrb-'
-0.334710 Gtype b'+1:word:-RRB-'
-0.335324 Supp b'+1:lemma:nacl'
-0.335324 Supp b'+1:word:NaCl'
-0.338195 Phase b'lemma[:2]:pa'
-0.343360 Med b'+1:postag:NNS'
-0.343534 O b'+1:postag:IN'
-0.344316 Temp b'postag:NN'
-0.345297 O b'lemma:wt'
-0.345297 O b'lemma[:2]:wt'
-0.355887 Air b'isLower'
-0.356867 O b'-1:lemma:from'
-0.358831 O b'lemma:c'
-0.359856 O b'lemma:37'
-0.359856 O b'lemma[:2]:37'
-0.359856 O b'word:37'
-0.360624 O b'-1:lemma:final'
-0.360624 O b'-1:word:final'
-0.361530 Med b'-1:postag:NN'
-0.362367 Technique b'-1:postag::'
-0.362612 O b'lemma:of'
-0.362612 O b'lemma[:2]:of'
-0.362612 O b'word:of'
-0.368278 O b'-1:word:from'
-0.374267 O b'-1:lemma:30'
-0.374267 O b'-1:word:30'
-0.376045 O b'lemma:glucose'
-0.376045 O b'word:glucose'
-0.379443 Gtype b'lemma[:2]:rp'
-0.382310 Gtype b'lemma[:1]:s'
-0.383855 Supp b'-1:lemma:-lrb-'
-0.383855 Supp b'-1:word:-LRB-'
-0.385029 O b'-1:lemma:delta'
-0.385029 O b'-1:word:delta'
-0.390702 O b'-1:lemma:dissolve'
-0.390702 O b'+1:lemma:methanol'
-0.390702 O b'-1:word:dissolved'
-0.390702 O b'+1:word:methanol'
-0.395103 O b'-1:lemma:nsrr'
-0.395103 O b'-1:word:NsrR'
-0.399202 Supp b'lemma[:1]:a'
-0.403898 O b'-1:lemma:1'
-0.403898 O b'-1:word:1'
-0.404014 Temp b'hGreek'
-0.406161 O b'-1:lemma:\xe2\x88\x86'
-0.406161 O b'-1:word:\xe2\x88\x86'
-0.417535 O b'-1:postag:IN'
-0.418404 Supp b'-1:postag:-LRB-'
-0.428053 O b'-1:lemma:ph'
-0.428053 O b'-1:word:pH'
-0.432185 Supp b'postag:JJ'
-0.432252 O b'lemma[:1]:L'
-0.435862 Air b'-1:lemma:or'
-0.435862 Air b'-1:word:or'
-0.437167 Supp b'postag[:1]:J'
-0.437167 Supp b'postag[:2]:JJ'
-0.439673 Vess b'hUpper'
-0.439673 Vess b'hLower'
-0.443285 O b'lemma[:2]:gl'
-0.444141 Temp b'isLower'
-0.449813 Supp b'lemma[:2]:an'
-0.455745 O b'-1:lemma:37'
-0.455745 O b'-1:word:37'
-0.465238 O b'lemma[:2]:ni'
-0.469627 Supp b'lemma[:1]:s'
-0.472157 Air b'+1:postag:JJ'
-0.477980 O b'lemma:2h'
-0.477980 O b'-1:lemma:additional'
-0.477980 O b'lemma[:2]:2h'
-0.477980 O b'word:2h'
-0.477980 O b'-1:word:additional'
-0.493105 Agit b'symb'
-0.493489 O b'lemma:methanol'
-0.493489 O b'word:methanol'
-0.495166 O b'lemma:mid-log'
-0.495166 O b'word:mid-log'
-0.497445 Air b'-1:postag:JJ'
-0.499724 O b'+1:lemma:g/l'
-0.499724 O b'+1:word:g/L'
-0.501348 O b'+1:lemma:mm'
-0.501348 O b'+1:word:mM'
-0.507557 O b'lemma[:2]:me'
-0.508454 Gtype b'postag[:1]:V'
-0.508454 Gtype b'postag[:2]:VB'
-0.508460 Gtype b'postag::'
-0.508460 Gtype b'postag[:1]::'
-0.529784 O b'+1:lemma:at'
-0.529784 O b'+1:word:at'
-0.537465 O b'lemma[:1]:0'
-0.542594 Supp b'-1:lemma:.'
-0.542594 Supp b'-1:postag:.'
-0.542594 Supp b'-1:word:.'
-0.546062 O b'lemma[:1]:4'
-0.548259 O b'-1:lemma:rpob'
-0.548259 O b'-1:word:RpoB'
-0.552281 O b'-1:lemma:IP'
-0.552281 O b'-1:word:IP'
-0.553960 Phase b'postag:JJ'
-0.562367 O b'lemma:0.3'
-0.562367 O b'word:0.3'
-0.573524 Med b'-1:postag:CD'
-0.574613 Technique b'postag:NN'
-0.578197 O b'-1:lemma:chip-exo'
-0.579399 O b'+1:lemma:1m'
-0.579399 O b'+1:word:1M'
-0.584655 O b'word:ChIP-exo'
-0.585801 O b'lemma:soxs-8myc'
-0.585801 O b'word:soxS-8myc'
-0.599558 O b'lemma[:2]:ar'
-0.600604 O b'word:cells'
-0.606899 O b'+1:lemma:until'
-0.606899 O b'+1:word:until'
-0.607019 Air b'symb'
-0.640639 pH b'isNumber'
-0.656724 O b'+1:word:ChIP-exo'
-0.664247 O b'+1:lemma:2.0'
-0.664247 O b'+1:word:2.0'
-0.664520 Med b'+1:postag:IN'
-0.664576 O b'-1:lemma:co2'
-0.664576 O b'-1:word:CO2'
-0.665370 O b'+1:lemma:rep2'
-0.665370 O b'+1:word:rep2'
-0.671212 O b'lemma[:2]:mg'
-0.724471 Agit b'hUpper'
-0.724471 Agit b'hLower'
-0.739501 O b'lemma[:1]:I'
-0.755281 O b'lemma[:2]:30'
-0.762653 pH b'isLower'
-0.780673 Air b'postag:NN'
-0.793295 Supp b'symb'
-0.826875 O b'-1:postag::'
-0.853583 O b'lemma[:2]:ri'
-0.880894 O b'-1:lemma:until'
-0.880894 O b'-1:word:until'
-0.884934 Supp b'+1:postag:VBN'
-0.893108 O b'lemma[:1]:k'
-0.902922 O b'lemma[:2]:ae'
-0.926126 O b'lemma:rifampicin'
-0.926126 O b'word:rifampicin'
-0.929148 Med b'-1:postag:IN'
-0.936796 Anti b'postag:NNP'
-0.952559 Supp b'-1:postag:NNP'
-0.962974 Med b'symb'
-0.981592 Technique b'isNumber'
-1.019994 O b'-1:lemma:2'
-1.019994 O b'-1:word:2'
-1.023240 O b'+1:lemma:1'
-1.023240 O b'+1:word:1'
-1.023642 O b'-1:lemma:ml'
-1.023642 O b'-1:word:ml'
-1.035572 Phase b'hUpper'
-1.035572 Phase b'hLower'
-1.036376 O b'lemma[:1]:n'
-1.044060 Gtype b'lemma[:1]:c'
-1.051632 Phase b'postag[:1]:J'
-1.051632 Phase b'postag[:2]:JJ'
-1.074102 Gtype b'lemma[:1]:a'
-1.077239 O b'+1:lemma:+'
-1.077239 O b'+1:word:+'
-1.084820 O b'+1:lemma:in'
-1.084820 O b'+1:word:in'
-1.107631 Gtype b'isNumber'
-1.117617 Supp b'+1:postag:-LRB-'
-1.129026 Technique b'isLower'
-1.149735 Supp b'hGreek'
-1.156144 Supp b'+1:lemma:-lrb-'
-1.156144 Supp b'+1:word:-LRB-'
-1.229045 Gtype b'lemma[:1]:r'
-1.231933 O b'+1:postag:VBG'
-1.262559 Gversion b'isLower'
-1.277633 O b'-1:lemma:fresh'
-1.277633 O b'-1:word:fresh'
-1.381763 OD b'+1:postag:NN'
-1.472372 O b'+1:lemma:2'
-1.472372 O b'+1:word:2'
-1.571807 Gtype b'isUpper'
-1.677845 Supp b'lemma[:1]:c'
-1.687951 O b'-1:lemma:vol'
-1.687951 O b'-1:word:vol'
-1.695736 Supp b'+1:lemma:,'
-1.695736 Supp b'+1:postag:,'
-1.695736 Supp b'+1:word:,'
-1.723752 O b'-1:lemma:sample'
-1.785262 Phase b'-1:postag:JJ'
-1.895238 O b'postag:VBP'
-1.908071 O b'-1:postag:VBG'
-2.171310 O b'-1:lemma:_'
-2.171310 O b'-1:word:_'
-2.491839 O b'lemma[:2]:fl'
-2.929187 O b'-1:lemma::'
-2.929187 O b'-1:word::'
-2.957042 Temp b'+1:postag:IN'
********** TRAINING AND TESTING REPORT **********
Training file: training-data-set-70_v4.txt
best params:{'c1': 0.04724343003249949, 'c2': 0.01243677446159028}
best CV score:0.7976445146405444
model size: 0.08M
Flat F1: 0.7934791324630633
precision recall f1-score support
OD 1.000 0.405 0.577 37
pH 1.000 1.000 1.000 12
Technique 0.952 0.909 0.930 22
Med 0.891 0.860 0.875 57
Temp 0.818 1.000 0.900 18
Vess 0.000 0.000 0.000 0
Agit 0.000 0.000 0.000 0
Phase 1.000 0.947 0.973 19
Air 0.742 0.742 0.742 62
Anti 1.000 0.444 0.615 9
Strain 1.000 1.000 1.000 1
Gtype 0.862 0.764 0.810 106
Substrain 0.000 0.000 0.000 1
Supp 0.869 0.684 0.765 136
Gversion 0.000 0.000 0.000 0
avg / total 0.875 0.744 0.793 480
Top likely transitions:
Agit -> Agit 6.389375
Anti -> Anti 5.797544
OD -> OD 5.755859
Temp -> Temp 5.474910
Med -> Med 5.305285
Gversion -> Gversion 4.804763
O -> O 4.666202
Air -> Air 4.625279
Gtype -> Gtype 4.391065
Phase -> Phase 4.207878
Supp -> Supp 3.772231
Technique -> Technique 3.487681
pH -> pH 2.578623
O -> Supp 1.341155
Gtype -> Supp 1.313090
Substrain -> Gtype 1.142286
O -> Technique 1.070411
O -> Gtype 1.049693
O -> Anti 0.871683
Technique -> Air 0.727345
Gtype -> pH 0.559755
O -> Temp 0.443406
Air -> O 0.413184
Gtype -> Air 0.316166
O -> Gversion 0.270633
O -> Strain 0.150083
Med -> O 0.029148
O -> pH 0.001669
OD -> Temp -0.004690
pH -> O -0.027664
Anti -> O -0.053386
Air -> Gtype -0.064282
Gversion -> O -0.068988
OD -> Technique -0.076420
Phase -> Air -0.090168
O -> Med -0.097953
Phase -> O -0.101900
O -> Phase -0.121729
Anti -> Gtype -0.149802
Air -> Phase -0.152600
Anti -> Supp -0.166950
O -> OD -0.195576
Gversion -> Air -0.198819
Med -> Air -0.247104
Technique -> Supp -0.254151
Supp -> pH -0.311839
Supp -> Anti -0.312452
Anti -> OD -0.340468
Supp -> Phase -0.344456
Gtype -> Technique -0.348541
Top unlikely transitions:
Phase -> Air -0.090168
O -> Med -0.097953
Phase -> O -0.101900
O -> Phase -0.121729
Anti -> Gtype -0.149802
Air -> Phase -0.152600
Anti -> Supp -0.166950
O -> OD -0.195576
Gversion -> Air -0.198819
Med -> Air -0.247104
Technique -> Supp -0.254151
Supp -> pH -0.311839
Supp -> Anti -0.312452
Anti -> OD -0.340468
Supp -> Phase -0.344456
Gtype -> Technique -0.348541
Phase -> Technique -0.371932
Gtype -> Gversion -0.440310
Air -> Temp -0.442388
Gtype -> Phase -0.446343
Supp -> Temp -0.482112
OD -> Supp -0.494819
Supp -> O -0.518055
Technique -> O -0.541070
Gtype -> O -0.554034
Supp -> Technique -0.694840
Supp -> OD -0.711794
Supp -> Gversion -0.733427
OD -> Air -0.787405
OD -> Gtype -0.827938
Supp -> Gtype -0.848914
Gtype -> Anti -0.850239
Temp -> Med -0.927802
Gtype -> Med -0.940529
OD -> Med -0.954731
Air -> Med -1.010714
OD -> O -1.020865
O -> Air -1.023312
Supp -> Air -1.036972
Air -> Supp -1.040140
Technique -> pH -1.071992
Agit -> O -1.092416
Technique -> OD -1.136546
Technique -> Gtype -1.152303
Air -> OD -1.203336
Gtype -> OD -1.470509
Substrain -> O -1.705609
Supp -> Med -1.924115
Med -> Supp -2.263703
Phase -> OD -2.559981
Top positive:
8.778667 O b'lemma:_'
7.894046 Phase b'lemma:stationary'
7.688886 Supp b'lemma:Iron'
7.227846 O b'lemma:1'
6.518255 Air b'lemma:anaerobic'
6.510310 Air b'lemma:aerobic'
6.504238 Phase b'lemma:mid-log'
6.494190 Technique b'lemma:ChIP-exo'
6.481618 O b'lemma:rpob'
6.445611 Strain b'lemma:k-12'
6.104157 O b'lemma:2'
6.023116 Technique b'lemma:chipseq'
5.944249 Air b'-1:lemma:ChIP-Seq'
5.823850 Supp b'lemma:pq'
5.723339 O b'lemma:3'
5.687179 O b'-1:lemma:tag'
5.451451 Gversion b'lemma:asm584v2'
5.250448 Substrain b'lemma:mg1655'
5.231044 O b'lemma:rep1'
5.209409 Gtype b'lemma:\xce\xb4cra'
5.200206 Supp b'lemma:nitrate'
5.178620 O b'lemma:rep2'
5.178433 O b'lemma:Cra'
5.173563 Med b'lemma:MOPS'
5.068820 Gtype b'lemma:flag-tag'
5.068820 Gtype b'-1:lemma:c-terminal'
5.040185 Supp b'+1:lemma:\xc2\xb5m'
5.017969 O b'lemma:rep3'
4.971785 Air b'lemma:Aerobic'
4.954714 Supp b'lemma:glucose'
4.889061 Gtype b'lemma:arca8myc'
4.884882 O b'postag:IN'
4.832496 Supp b'lemma:nh4cl'
4.697100 O b'-1:lemma:ChIP-exo'
4.685588 Gtype b'lemma:delta-arca'
4.678766 Med b'lemma:LB'
4.646146 O b'lemma:b'
4.589396 Gtype b'lemma:wt'
4.555367 O b'lemma:\xcf\x8332'
4.535944 Gtype b'-1:lemma:\xe2\x88\x86'
4.520189 Gtype b'lemma:fnr8myc'
4.461759 Med b'lemma:lb'
4.436556 Technique b'lemma:rna-seq'
4.355492 O b'postag::'
4.344693 O b'lemma:a'
4.294247 O b'-1:lemma:Aerobic'
4.275618 Supp b'lemma:Fe'
4.228638 Anti b'lemma:none'
4.228158 O b'-1:lemma:0.3-0.35'
4.206556 Supp b'lemma:acetate'
4.187817 Supp b'lemma:no3'
4.123083 Technique b'lemma:chip-seq'
4.115374 Technique b'lemma:rnaseq'
4.092073 O b'lemma:Custom'
4.090797 Gtype b'lemma:delta-fnr'
4.086877 Anti b'lemma:seqa'
4.043157 Supp b'-1:lemma:Cra'
4.011760 O b'lemma:CEL'
4.000976 Supp b'lemma:rifampicin'
3.995000 OD b'lemma:od450'
3.983638 Gversion b'lemma:nc'
3.942031 O b'+1:postag:RB'
3.937436 O b'lemma:.'
3.937436 O b'postag:.'
3.911694 O b'+1:lemma:od600'
3.747230 Gversion b'lemma:chip-seq'
3.735836 Gtype b'lemma:type'
3.708583 O b'-1:lemma:anaerobic'
3.691098 Gtype b'+1:lemma:type'
3.680809 Supp b'lemma:dpd'
3.646664 Med b'+1:lemma:0.4'
3.593949 O b'-1:lemma:glucose'
3.588513 Gtype b'lemma:\xe2\x88\x86'
3.552980 Technique b'lemma:ChIP-Seq'
3.547388 OD b'lemma:od600'
3.533518 Gtype b'+1:lemma:with'
3.504439 O b'+1:lemma:o.d.'
3.492405 O b'lemma:-'
3.484369 Gtype b'lemma:\xce\xb4fur'
3.480535 Supp b'+1:lemma:1'
3.463027 Supp b'lemma:arginine'
3.457950 O b'-1:lemma:lb'
3.432558 Gtype b'lemma:nsrr'
3.411785 Vess b'lemma:flask'
3.411785 Vess b'-1:lemma:warm'
3.392532 O b'lemma:with'
3.384479 pH b'lemma:ph5'
3.384479 pH b'+1:lemma:.5'
3.360996 Air b'postag:RB'
3.348572 O b'lemma:for'
3.346364 Gtype b'lemma:wild-type'
3.342085 Strain b'+1:lemma:substr'
3.336804 O b'lemma:oxyr'
3.311067 Supp b'lemma:fructose'
3.305851 Anti b'lemma:anti-myc'
3.281892 Supp b'+1:lemma:Deficient'
3.280890 Med b'lemma:m63'
3.275989 Gtype b'lemma:\xce\xb4soxs'
3.263146 O b'lemma:or'
3.240421 O b'postag:VBN'
3.225118 O b'lemma:s'
3.218060 Supp b'+1:lemma:2'
3.170999 O b'lemma:ompr'
3.157791 O b'-1:lemma:type'
3.150274 Gversion b'-1:lemma:nc'
3.144459 O b'lemma:affyexp'
3.098092 Temp b'-1:lemma:37'
3.074698 Anti b'+1:lemma:antibody'
3.074328 OD b'+1:lemma:stationary'
3.057680 Gtype b'lemma:WT'
3.055594 Technique b'-1:lemma:IP'
3.047772 Supp b'-1:lemma:+'
3.030792 Supp b'lemma:nacl'
3.021146 Gversion b'lemma:u00096'
3.021146 Gversion b'+1:lemma:.2'
3.016112 Air b'lemma:Anaerobic'
3.015642 O b'lemma:chip-arca'
2.992114 Gtype b'lemma:\xce\xb4ompr'
2.991588 Substrain b'+1:lemma:phtpg'
2.962136 Gversion b'lemma:.2'
2.962136 Gversion b'-1:lemma:u00096'
2.943798 Supp b'+1:lemma:_'
2.929777 O b'+1:lemma:anti-fur'
2.906800 Temp b'-1:lemma:43'
2.894662 Gversion b'lemma:000913'
2.885668 Gtype b'-1:lemma:ptac'
2.873518 O b'lemma:2-3'
2.848786 Air b'lemma:anaerobically'
2.846499 Med b'+1:lemma:2.0'
2.846396 Supp b'lemma:Leu'
2.832090 O b'lemma:argr'
2.824032 Gtype b'+1:lemma:flagtag'
2.803595 Air b'lemma:anerobically'
2.790970 Temp b'lemma:43'
2.789734 O b'lemma:soxs'
2.789734 O b'lemma:soxr'
2.761406 Anti b'lemma:anti-rpos'
2.759003 Gtype b'lemma:deltaseqa'
2.759003 Gtype b'-1:lemma:old'
2.758592 O b'+1:lemma:chip-seq'
2.753991 O b'lemma:purr'
2.739456 O b'lemma:Lrp'
2.739128 Gtype b'lemma:pk4854'
2.724879 Temp b'-1:lemma:sample'
2.710711 O b'-1:lemma:stpa'
2.707614 O b'-1:lemma:dpd'
2.693567 O b'lemma:chip'
2.680179 Temp b'lemma:\xc2\xb0c'
2.675708 O b'lemma:at'
2.674777 Supp b'lemma:Adenine'
2.654457 Med b'-1:lemma:ml'
2.621739 Supp b'+1:lemma:hour'
2.617235 Technique b'-1:lemma:chip-exo'
2.613832 Med b'+1:lemma:minimal'
2.609168 O b'lemma:Fur'
2.603191 Gtype b'lemma:ptac'
2.602754 Temp b'-1:lemma:\xcf\x8332'
2.600527 Technique b'-1:lemma:input'
2.586051 Gtype b'-1:lemma:rpob'
2.582507 Supp b'lemma:iptg'
2.575439 pH b'lemma:.5'
2.575439 pH b'-1:lemma:ph5'
2.567178 Phase b'+1:lemma:for'
2.561161 Temp b'lemma:37'
2.554310 Phase b'-1:lemma:mid-log'
2.520491 Gtype b'lemma:\xce\xb4oxyr'
2.510164 O b'postag:SYM'
2.501887 Gtype b'lemma:\xce\xb4soxr'
2.469798 O b'-1:lemma:l1'
2.453386 Phase b'-1:lemma:until'
2.441656 O b'+1:lemma:43'
2.410885 O b'+1:lemma:mid-log'
2.403011 Gtype b'+1:lemma:ph5'
2.401711 Med b'lemma:glucose'
2.400503 Med b'lemma:L'
2.400503 Med b'+1:lemma:broth'
2.386245 O b'+1:lemma:pq'
2.371627 O b'postag:VBG'
2.358742 O b'lemma:chip-fnr'
2.353099 Gtype b'lemma:dfnr'
2.338808 Supp b'+1:lemma:respiratory'
2.338302 O b'+1:lemma:sparging'
2.329852 Gtype b'+1:lemma:aerobic'
2.319775 O b'postag:DT'
2.307514 Supp b'lemma:0.2'
2.298843 Med b'+1:lemma:+'
2.298674 Supp b'lemma:methanol'
2.262217 Gversion b'lemma:_'
2.247831 Gtype b'+1:lemma:pq'
2.246181 O b'lemma:genotype/variation'
2.244933 Air b'-1:lemma:-'
2.243583 Gtype b'-1:lemma:nsrr'
2.241509 Technique b'+1:lemma:chip-exo'
2.238931 Supp b'+1:lemma:and'
2.229747 OD b'lemma:0.3'
2.227356 O b'lemma:pt7'
2.218343 O b'-1:lemma:min'
2.209534 OD b'-1:lemma:~'
2.191059 O b'postag:CC'
2.183306 O b'-1:lemma:media'
Top negative:
-0.007960 O b'+1:lemma:25'
-0.011560 Gtype b'-1:lemma:,'
-0.011560 Gtype b'-1:postag:,'
-0.012403 Air b'-1:lemma:anaerobically'
-0.013219 O b'lemma:pahse'
-0.013507 Gversion b'-1:postag:NN'
-0.013699 O b'+1:lemma:medium'
-0.014516 Med b'-1:postag:CD'
-0.014698 Gtype b'-1:lemma:mg1655'
-0.016645 OD b'+1:lemma:~'
-0.017116 Supp b'+1:lemma:glucose'
-0.018290 OD b'+1:lemma:0.4'
-0.019265 O b'lemma:25'
-0.020700 Med b'+1:postag:NNS'
-0.020972 O b'+1:lemma:0.4'
-0.022100 OD b'+1:postag:-LRB-'
-0.022143 O b'+1:lemma:strain'
-0.024088 Supp b'-1:postag:VBG'
-0.038792 O b'+1:postag:CD'
-0.039859 O b'-1:postag:IN'
-0.040290 O b'+1:lemma:k-12'
-0.041101 O b'lemma:nacl'
-0.042472 Gtype b'+1:lemma:cra'
-0.052362 O b'+1:lemma:grow'
-0.054063 Anti b'-1:postag:NN'
-0.057006 O b'-1:lemma:20'
-0.057134 O b'-1:lemma:mm'
-0.062775 Phase b'-1:postag:NN'
-0.064327 O b'-1:postag:VBN'
-0.064682 O b'postag:RB'
-0.066584 Supp b'-1:postag:NN'
-0.069958 Gtype b'postag:CD'
-0.071415 O b'+1:lemma:95'
-0.073208 Phase b'lemma:pahse'
-0.078903 Gtype b'-1:postag:NN'
-0.080786 O b'+1:lemma:5'
-0.083451 Temp b'-1:lemma:\xc2\xb0c'
-0.084429 O b'+1:lemma:antibody'
-0.093835 O b'-1:lemma:fresh'
-0.095847 Supp b'+1:postag:IN'
-0.103631 OD b'postag:JJ'
-0.105270 O b'+1:lemma:o2'
-0.106875 O b'+1:lemma:mm'
-0.117705 O b'+1:lemma:dissolve'
-0.119607 Med b'+1:postag:NN'
-0.123002 OD b'+1:postag:CD'
-0.127620 O b'-1:lemma:g/l'
-0.133716 Gtype b'-1:postag:CD'
-0.140619 O b'-1:lemma:-lrb-'
-0.143859 O b'lemma:o2'
-0.144789 O b'-1:lemma:o2'
-0.146704 O b'-1:lemma:30'
-0.147636 Temp b'postag:JJ'
-0.152183 Gtype b'+1:lemma:\xe2\x88\x86'
-0.153487 Med b'+1:postag:CC'
-0.156696 O b'lemma:mg1655'
-0.156753 O b'lemma:e.'
-0.159541 Technique b'-1:lemma::'
-0.162599 O b'-1:lemma:minimal'
-0.167611 O b'-1:lemma:with'
-0.176978 O b'-1:postag:-LRB-'
-0.179005 O b'lemma:m63'
-0.180170 O b'lemma:medium'
-0.183738 O b'+1:lemma:Aerobic'
-0.190885 O b'lemma:n2'
-0.191225 Supp b'-1:postag:NNP'
-0.198786 O b'-1:lemma:n2'
-0.199226 Supp b'-1:lemma:and'
-0.199384 O b'lemma:\xc2\xb0c'
-0.202752 O b'-1:lemma:of'
-0.208526 O b'+1:lemma:-rrb-'
-0.210040 O b'-1:lemma:e.'
-0.219231 O b'+1:lemma:shake'
-0.219460 Gtype b'-1:postag:DT'
-0.237900 O b'-1:lemma:0.1'
-0.241643 O b'lemma:lb'
-0.242224 Supp b'lemma:and'
-0.245820 O b'lemma:co2'
-0.252281 Temp b'-1:postag:IN'
-0.261850 OD b'+1:postag:NN'
-0.266916 Supp b'+1:postag:VBN'
-0.267689 O b'+1:lemma:until'
-0.271480 O b'-1:lemma:\xe2\x88\x86'
-0.277039 O b'+1:lemma:minimal'
-0.277788 O b'lemma:grow'
-0.285871 O b'+1:postag:IN'
-0.296129 Med b'postag:-LRB-'
-0.302011 O b'-1:lemma:um'
-0.302011 O b'+1:lemma:paraquat'
-0.304578 O b'+1:postag:-RRB-'
-0.307866 Med b'lemma:-lrb-'
-0.309056 O b'+1:lemma:.'
-0.309056 O b'+1:postag:.'
-0.312126 Air b'-1:lemma:or'
-0.317647 O b'lemma:minimal'
-0.319138 Gtype b'-1:postag:SYM'
-0.326202 O b'-1:lemma:1'
-0.328780 Phase b'-1:lemma:at'
-0.346851 O b'+1:lemma:300'
-0.351977 Med b'-1:postag:NN'
-0.355707 O b'lemma:30'
-0.365992 Gversion b'+1:postag:NN'
-0.367337 O b'-1:lemma:grow'
-0.387748 O b'lemma:k-12'
-0.389573 O b'+1:lemma:cell'
-0.397777 O b'-1:lemma:from'
-0.400558 O b'-1:lemma:mid-log'
-0.403379 O b'+1:lemma:phase'
-0.433545 Supp b'+1:lemma:rifampicin'
-0.436853 O b'+1:lemma:or'
-0.441744 Med b'postag:CD'
-0.446245 Med b'+1:postag:IN'
-0.451884 Gtype b'lemma:delta'
-0.460983 Anti b'+1:postag:JJ'
-0.469979 O b'+1:lemma:_'
-0.472319 O b'-1:lemma:rifampicin'
-0.497593 O b'-1:lemma:cra'
-0.503197 O b'-1:lemma:od600'
-0.504727 Supp b'postag:CC'
-0.508290 pH b'postag:NN'
-0.516046 O b'+1:lemma:%'
-0.518365 Technique b'-1:postag::'
-0.523304 OD b'+1:lemma:and'
-0.525519 OD b'+1:postag:CC'
-0.558490 O b'+1:postag:NNS'
-0.586906 O b'-1:lemma:co2'
-0.603821 O b'lemma:150'
-0.603821 O b'+1:lemma:mg/ml'
-0.605931 O b'+1:lemma:arginine'
-0.606479 O b'lemma:phase'
-0.611575 O b'lemma:od600'
-0.651162 O b'+1:lemma:rep1'
-0.653345 O b'lemma:dissolve'
-0.665212 Med b'-1:postag:IN'
-0.669800 OD b'lemma:-lrb-'
-0.672263 O b'-1:lemma:0.2'
-0.687604 O b'lemma:\xe2\x88\x86'
-0.707413 Temp b'+1:lemma:to'
-0.707413 Temp b'+1:postag:TO'
-0.709054 Temp b'postag:NN'
-0.717292 O b'lemma:mid-log'
-0.727885 O b'-1:lemma:until'
-0.733043 O b'lemma:media'
-0.733111 O b'+1:lemma:c'
-0.747011 OD b'postag:-LRB-'
-0.750366 O b'+1:lemma:0.3'
-0.761257 Anti b'+1:lemma:anti-fur'
-0.768890 Phase b'-1:postag:JJ'
-0.791918 O b'+1:lemma:\xc2\xb0c'
-0.792189 O b'lemma:anaerobically'
-0.829072 O b'lemma:0.2'
-0.870965 O b'lemma:0.3'
-0.872689 O b'lemma:purify'
-0.898705 O b'-1:postag:VBG'
-0.916416 O b'+1:lemma:fecl2'
-0.929519 O b'-1:lemma:~'
-0.964077 Air b'postag:NN'
-0.999189 O b'lemma:20'
-1.006423 O b'lemma:fecl2'
-1.015503 O b'lemma:dpd'
-1.039211 O b'lemma:anaerobic'
-1.067901 O b'-1:lemma:dissolve'
-1.067901 O b'+1:lemma:methanol'
-1.079142 Supp b'+1:lemma:acetate'
-1.086390 O b'lemma:37'
-1.090519 O b'lemma:\xce\xb4fur'
-1.110265 O b'-1:postag::'
-1.136252 O b'-1:lemma:ml'
-1.138020 O b'lemma:2h'
-1.138020 O b'-1:lemma:additional'
-1.184350 O b'lemma:of'
-1.210896 Supp b'-1:lemma:%'
-1.216753 O b'-1:lemma:37'
-1.220049 O b'+1:lemma:g/l'
-1.245093 O b'-1:lemma:sample'
-1.280180 Air b'-1:postag:JJ'
-1.282705 O b'lemma:0.1'
-1.293206 O b'+1:lemma:supplement'
-1.340548 Air b'+1:postag:JJ'
-1.397536 O b'+1:lemma:at'
-1.470536 O b'+1:lemma:in'
-1.532979 O b'+1:postag:VBG'
-1.548239 O b'-1:lemma:rpob'
-1.647386 O b'-1:lemma:ompr'
-1.665792 O b'postag:VBP'
-1.714606 O b'lemma:wt'
-1.723995 O b'-1:lemma:nsrr'
-1.770674 Supp b'postag:JJ'
-1.852907 O b'lemma:rifampicin'
-1.859721 Anti b'postag:NNP'
-1.869393 O b'+1:lemma:+'
-1.873494 O b'-1:lemma:IP'
-2.065639 O b'lemma:methanol'
-2.192016 O b'-1:lemma:2'
-2.353663 O b'+1:lemma:2'
-2.354781 Phase b'postag:JJ'
-2.458047 O b'+1:lemma:hour'
-3.007939 O b'+1:lemma:1'
-3.831961 O b'-1:lemma:_'
-4.149098 O b'-1:lemma::'
********** TRAINING AND TESTING REPORT **********
Training file: training-data-set-70.txt
best params:{'c1': 0.14521637026904505, 'c2': 0.02160263268998293}
best CV score:0.8705560896194018
model size: 0.08M
Flat F1: 0.7637642434421422
precision recall f1-score support
OD 1.000 0.818 0.900 22
pH 1.000 1.000 1.000 8
Technique 0.952 0.870 0.909 23
Med 1.000 0.925 0.961 53
Temp 0.923 0.828 0.873 29
Vess 1.000 1.000 1.000 1
Agit 0.000 0.000 0.000 0
Phase 0.875 0.933 0.903 15
Air 0.545 0.348 0.425 69
Anti 1.000 1.000 1.000 11
Strain 0.000 0.000 0.000 1
Gtype 0.857 0.847 0.852 85
Substrain 0.000 0.000 0.000 0
Supp 0.609 0.791 0.688 134
Gversion 0.000 0.000 0.000 0
avg / total 0.774 0.769 0.764 451
Top likely transitions:
Temp -> Temp 5.770024
Agit -> Agit 5.591940
Med -> Med 5.238745
OD -> OD 5.208128
Supp -> Supp 5.009566
Anti -> Anti 4.435661
Phase -> Phase 4.266553
Air -> Air 4.183832
Gversion -> Gversion 4.181832
Gtype -> Gtype 4.159817
O -> O 4.029919
Technique -> Technique 3.397241
pH -> pH 2.835139
Substrain -> Gtype 1.746378
Gtype -> Supp 1.354961
Air -> O 1.123193
O -> Technique 0.956245
O -> Supp 0.860304
Technique -> Air 0.720188
Gtype -> Air 0.705752
Supp -> O 0.675087
Med -> O 0.607714
O -> Gtype 0.602507
Temp -> O 0.586988
Gtype -> pH 0.132889
O -> Phase 0.103874
O -> Anti 0.059111
O -> Med 0.043976
O -> Temp 0.037475
Phase -> O 0.007325
OD -> O 0.001147
Temp -> Med -0.004820
O -> OD -0.007911
Air -> Agit -0.018394
Technique -> O -0.037749
Air -> Supp -0.052877
Supp -> Gtype -0.118891
Gtype -> Technique -0.146943
Air -> Gtype -0.162470
OD -> Air -0.407752
Supp -> Med -0.519051
Gtype -> Med -0.520149
Gtype -> O -0.569447
O -> Air -0.679735
Phase -> OD -0.846881
Substrain -> O -1.190575
Technique -> Gtype -1.334054
Med -> Supp -1.751616
Top unlikely transitions:
Temp -> Temp 5.770024
Agit -> Agit 5.591940
Med -> Med 5.238745
OD -> OD 5.208128
Supp -> Supp 5.009566
Anti -> Anti 4.435661
Phase -> Phase 4.266553
Air -> Air 4.183832
Gversion -> Gversion 4.181832
Gtype -> Gtype 4.159817
O -> O 4.029919
Technique -> Technique 3.397241
pH -> pH 2.835139
Substrain -> Gtype 1.746378
Gtype -> Supp 1.354961
Air -> O 1.123193
O -> Technique 0.956245
O -> Supp 0.860304
Technique -> Air 0.720188
Gtype -> Air 0.705752
Supp -> O 0.675087
Med -> O 0.607714
O -> Gtype 0.602507
Temp -> O 0.586988
Gtype -> pH 0.132889
O -> Phase 0.103874
O -> Anti 0.059111
O -> Med 0.043976
O -> Temp 0.037475
Phase -> O 0.007325
OD -> O 0.001147
Temp -> Med -0.004820
O -> OD -0.007911
Air -> Agit -0.018394
Technique -> O -0.037749
Air -> Supp -0.052877
Supp -> Gtype -0.118891
Gtype -> Technique -0.146943
Air -> Gtype -0.162470
OD -> Air -0.407752
Supp -> Med -0.519051
Gtype -> Med -0.520149
Gtype -> O -0.569447
O -> Air -0.679735
Phase -> OD -0.846881
Substrain -> O -1.190575
Technique -> Gtype -1.334054
Med -> Supp -1.751616
Top positive:
6.295982 O b'lemma:2'
6.088107 O b'lemma:1'
5.499374 Phase b'lemma:mid-log'
5.468207 Anti b'-2:lemma:antibody'
5.389740 O b'-2:lemma:_'
5.310900 O b'lemma:_'
5.124562 Air b'lemma:anaerobic'
5.038711 Gtype b'lemma:wt'
4.975908 Supp b'lemma:pq'
4.858798 O b'lemma:3'
4.706721 Technique b'lemma:chipseq'
4.694852 Air b'lemma:Aerobic'
4.682998 Gtype b'lemma:type'
4.617298 O b'postag:IN'
4.544190 O b'-2:lemma:flagtag'
4.540916 Technique b'lemma:ChIP-exo'
4.378201 Gtype b'lemma:\xce\xb4cra'
4.141678 Air b'lemma:aerobic'
4.102798 Gtype b'lemma:\xe2\x88\x86'
4.083658 Gtype b'+1:lemma:type'
4.039276 Med b'lemma:MOPS'
3.938693 Technique b'lemma:rna-seq'
3.794686 O b'lemma:rpob'
3.792227 O b'-1:lemma:ChIP-exo'
3.784855 O b'lemma:-'
3.774100 O b'lemma:b'
3.764975 Supp b'lemma:acetate'
3.691796 Gtype b'-2:lemma:genotype/variation'
3.672526 Supp b'lemma:Iron'
3.672526 Supp b'-2:lemma:Anaerobic'
3.617838 Technique b'lemma:chip-seq'
3.604759 Supp b'lemma:no3'
3.568114 Supp b'lemma:nacl'
3.558608 Phase b'-2:lemma:phase'
3.526017 O b'lemma:.'
3.526017 O b'postag:.'
3.449878 Gtype b'-1:lemma:\xe2\x88\x86'
3.446438 Supp b'lemma:glucose'
3.403359 Med b'lemma:lb'
3.365642 Gtype b'lemma:wild-type'
3.350130 Air b'postag:RB'
3.342253 O b'+2:lemma:\xc2\xb0c'
3.335770 Supp b'lemma:nh4cl'
3.326472 O b'lemma:Cra'
3.318880 Gtype b'lemma:\xce\xb4fur'
3.295001 O b'postag:CC'
3.262632 O b'postag:VBN'
3.206029 O b'lemma:a'
3.195357 Gtype b'-2:lemma:genotype'
3.193335 Technique b'+2:lemma:ph5'
3.187683 O b'postag::'
3.127353 Gtype b'lemma:flag-tag'
3.127353 Gtype b'-1:lemma:c-terminal'
3.121057 Supp b'lemma:nitrate'
3.112065 Gtype b'lemma:\xce\xb4soxr'
3.087827 Substrain b'lemma:mg1655'
3.047270 Supp b'+2:lemma:iptg'
3.025373 Supp b'-1:lemma:Cra'
2.966835 Air b'-1:lemma:ChIP-Seq'
2.963423 Supp b'-1:lemma:with'
2.920292 Gtype b'lemma:dfnr'
2.878192 O b'lemma:with'
2.811966 O b'+1:lemma:arca-8myc'
2.806521 O b'-2:lemma:medium'
2.792197 Gtype b'-2:lemma:affyexp'
2.777524 Gversion b'lemma:chip-seq'
2.764298 Technique b'lemma:rnaseq'
2.751592 O b'-1:lemma:tag'
2.744091 Air b'-2:lemma:IP'
2.741300 Supp b'+1:lemma:1'
2.735516 O b'lemma:CEL'
2.729762 O b'lemma:rep2'
2.702452 Med b'lemma:m63'
2.699796 O b'lemma:harbor'
2.669950 Supp b'lemma:arginine'
2.661545 O b'-1:lemma:0.3'
2.602799 Gtype b'+1:lemma:with'
2.599935 O b'-1:lemma:\xc2\xb0c'
2.587031 Technique b'lemma:ChIP-Seq'
2.568848 Gtype b'-2:lemma:delta'
2.543114 Gtype b'lemma:nsrr'
2.539452 Substrain b'-2:lemma:substr'
2.534370 O b'postag:DT'
2.513411 Gtype b'lemma:pk4854'
2.512728 O b'lemma:chip'
2.505650 O b'+1:postag:RB'
2.493029 Temp b'-2:lemma:\xcf\x8332'
2.454541 Anti b'+1:lemma:antibody'
2.447213 Anti b'+2:lemma:antibody'
2.436325 Gtype b'-1:lemma:rpob'
2.430821 pH b'lemma:ph5'
2.430821 pH b'+1:lemma:.5'
2.411045 O b'postag:VBG'
2.347885 Supp b'-2:lemma:media'
2.345716 pH b'+1:postag:CD'
2.342949 Technique b'-2:lemma:Fur'
2.340323 O b'-1:lemma:glucose'
2.326562 O b'-1:lemma:lb'
2.318033 Gtype b'+1:lemma:ph5'
2.318033 Gtype b'+2:lemma:.5'
2.312502 Temp b'lemma:43'
2.307908 Supp b'lemma:Leu'
2.307908 Supp b'-2:lemma:Lrp'
2.283291 O b'-1:lemma:media'
2.278223 Gtype b'lemma:\xce\xb4oxyr'
2.277778 Air b'-1:lemma:-'
2.269087 Substrain b'+1:lemma:phtpg'
2.262780 Supp b'-2:lemma:agent'
2.259842 Temp b'-1:lemma:43'
2.259677 O b'lemma:ompr'
2.241905 Supp b'lemma:Adenine'
2.238893 Gtype b'lemma:\xce\xb4ompr'
2.238698 Supp b'+1:lemma:\xc2\xb5m'
2.212658 Med b'+2:lemma:b2'
2.198189 O b'-2:lemma:myc'
2.163443 Phase b'lemma:exponential'
2.163443 Phase b'lemma:stationary'
2.159726 O b'+1:postag:NNP'
2.156490 Phase b'-1:lemma:mid-log'
2.151371 Gversion b'lemma:.2'
2.151371 Gversion b'-1:lemma:u00096'
2.140308 O b'-1:lemma:type'
2.138372 O b'lemma:ml'
2.128755 Med b'+2:postag:CC'
2.123732 Technique b'-1:lemma:chip-exo'
2.118518 Technique b'-1:lemma:IP'
2.117337 Strain b'+1:lemma:substr'
2.117337 Strain b'-2:lemma:str'
2.099392 Agit b'lemma:rpm'
2.096807 Supp b'+1:lemma:2'
2.096794 Strain b'lemma:k-12'
2.091407 O b'+2:lemma:cra'
2.063564 O b'lemma:\xcf\x8332'
2.050789 Supp b'lemma:rifampicin'
2.049024 Gversion b'lemma:nc'
2.033164 O b'+1:lemma:pq'
2.013358 Temp b'-1:lemma:\xcf\x8332'
1.966874 Temp b'+1:lemma:\xc2\xb0c'
1.966521 O b'-1:lemma:anaerobic'
1.957027 O b'lemma:culture'
1.952247 O b'-2:lemma:min'
1.929194 O b'+1:lemma:condition'
1.923035 Supp b'-1:postag:CC'
1.911344 Temp b'lemma:\xc2\xb0c'
1.902035 Gversion b'+2:lemma:000913'
1.892926 Technique b'-1:lemma:input'
1.877608 Supp b'lemma:fructose'
1.876135 O b'+1:lemma:250'
1.868225 O b'lemma:Custom'
1.867543 Air b'lemma:anaeroibc'
1.865515 O b'+2:postag:JJ'
1.861583 Supp b'-1:lemma:+'
1.856696 O b'lemma:s'
1.856578 Supp b'+1:lemma:_'
1.851722 Gversion b'lemma:u00096'
1.851722 Gversion b'+1:lemma:.2'
1.838273 Phase b'lemma:phase'
1.825249 Med b'lemma:broth'
1.825249 Med b'-1:lemma:L'
1.817848 O b'+1:lemma:coli'
1.805545 Med b'+1:lemma:0.4'
1.803317 O b'-1:lemma:into'
1.801603 Agit b'+1:lemma:rpm'
1.799565 Gtype b'-1:postag:VBG'
1.796090 Supp b'+2:lemma:rifampicin'
1.784603 O b'+1:lemma:chip-seq'
1.777806 Med b'lemma:media'
1.769076 O b'lemma:trpr'
1.768678 Gtype b'lemma:ptac'
1.760760 Gtype b'+1:lemma:flagtag'
1.757550 Gversion b'-2:lemma:nc'
1.745784 O b'lemma:soxs'
1.745784 O b'lemma:soxr'
1.739107 O b'-2:lemma:~'
1.736949 Med b'+2:lemma:b1'
1.736832 OD b'+1:lemma:of'
1.735882 O b'postag:NNS'
1.709175 O b'+2:lemma:70'
1.708616 O b'postag:VBD'
1.705680 O b'-1:lemma:aerobically'
1.700488 O b'lemma:argr'
1.696537 Temp b'-1:lemma:sample'
1.694740 O b'+1:lemma:acetate'
1.690209 O b'lemma:affyexp'
1.689269 Med b'lemma:minimal'
1.687607 Agit b'+2:lemma:at'
1.683096 O b'lemma:purr'
1.680453 Gversion b'-2:lemma:build'
1.674723 O b'+2:lemma:fructose'
1.673798 Vess b'lemma:flask'
1.673798 Vess b'-1:lemma:warm'
1.673798 Vess b'-2:lemma:pre'
1.673798 Vess b'+2:lemma:43'
1.671743 O b'-1:lemma:Aerobic'
1.670303 O b'+2:lemma:polyclonal'
1.644434 O b'+1:lemma:wt'
1.641217 Gtype b'+2:lemma:glucose'
1.620167 O b'lemma:genotype/variation'
1.613899 Air b'lemma:aerobically'
1.603327 Temp b'-1:lemma:37'
Top negative:
-0.098715 O b'-1:lemma:g/l'
-0.098977 O b'+2:lemma:0.2'
-0.099326 O b'lemma:m63'
-0.099882 O b'-1:lemma:rifampicin'
-0.106371 O b'-1:lemma:37'
-0.107922 Med b'-1:postag:CD'
-0.110064 O b'-2:lemma:-lrb-'
-0.117142 O b'+1:lemma:of'
-0.123918 Supp b'+2:lemma:.'
-0.123918 Supp b'+2:postag:.'
-0.131710 O b'+1:lemma:culture'
-0.132661 O b'+1:postag:-LRB-'
-0.136103 O b'+1:lemma:95'
-0.137008 Technique b'-1:postag::'
-0.138812 O b'-1:lemma:final'
-0.138847 O b'lemma:7.6'
-0.138847 O b'+1:lemma:;'
-0.139546 Supp b'+1:lemma:-rrb-'
-0.140317 Supp b'+2:lemma:dpd'
-0.142690 O b'postag:RB'
-0.143532 O b'lemma:;'
-0.143532 O b'-1:lemma:7.6'
-0.144217 O b'+2:lemma:reference'
-0.145656 Temp b'-2:postag:NN'
-0.146454 O b'lemma:anaerobic'
-0.147525 Air b'-1:postag:JJ'
-0.149095 O b'-1:lemma:0.2'
-0.151176 O b'-1:lemma:contain'
-0.151476 Air b'+2:postag:IN'
-0.152942 O b'+1:lemma:fecl2'
-0.154443 Med b'postag:CD'
-0.158960 Supp b'-1:lemma:-lrb-'
-0.169851 Med b'-1:postag:NN'
-0.176135 OD b'postag:NN'
-0.178701 Supp b'-1:postag:-LRB-'
-0.180805 O b'lemma:methanol'
-0.180805 O b'-2:lemma:dissolve'
-0.182601 Supp b'+2:lemma:glucose'
-0.185072 Supp b'postag:CC'
-0.189120 O b'+2:lemma:-rrb-'
-0.192885 O b'+1:lemma:dissolve'
-0.199989 O b'-1:lemma:1m'
-0.199989 O b'+2:lemma:7.6'
-0.201669 O b'-2:lemma:nh4cl'
-0.201904 O b'-2:lemma:the'
-0.202079 O b'-1:lemma:of'
-0.202589 Supp b'+1:lemma:acetate'
-0.204371 Supp b'+1:lemma:rifampicin'
-0.207950 Gtype b'-2:postag:CD'
-0.215109 O b'-1:lemma:iptg'
-0.217533 O b'lemma:nitrogen'
-0.221912 O b'lemma:37'
-0.229060 O b'-1:lemma:n2'
-0.236563 Air b'-2:postag:CC'
-0.241693 O b'-2:lemma:IP'
-0.248054 O b'-2:lemma:aerobically'
-0.248583 Med b'+1:postag:NN'
-0.249693 Phase b'+1:postag:NN'
-0.251280 O b'+2:lemma:tag'
-0.260336 O b'+1:lemma:10'
-0.266374 O b'-1:lemma:until'
-0.269589 O b'lemma:ph'
-0.275513 O b'-1:lemma:dfnr'
-0.277525 Supp b'+1:postag:VBN'
-0.277770 O b'-1:lemma:fresh'
-0.287656 O b'+2:lemma:250'
-0.295216 O b'lemma:nh4cl'
-0.296463 O b'-2:lemma:mm'
-0.296923 O b'lemma:\xe2\x88\x86'
-0.301390 O b'-1:postag:IN'
-0.303644 O b'+1:postag:IN'
-0.305259 O b'lemma:fecl2'
-0.310628 Gtype b'-1:postag:NN'
-0.311296 O b'lemma:k-12'
-0.316958 O b'+1:lemma:%'
-0.317571 O b'+2:lemma:.'
-0.317571 O b'+2:postag:.'
-0.317988 Phase b'-2:postag:NN'
-0.321822 O b'lemma:minimal'
-0.322289 O b'-1:lemma:minimal'
-0.322560 O b'-2:lemma:genome'
-0.332944 O b'-2:postag::'
-0.333295 O b'lemma:dissolve'
-0.333295 O b'+2:lemma:methanol'
-0.338620 O b'-2:lemma:anaerobically'
-0.345174 O b'-1:postag::'
-0.363808 Gtype b'-2:lemma:\xe2\x88\x86'
-0.382684 O b'-2:lemma:rpob'
-0.387944 Supp b'+1:postag:-RRB-'
-0.394192 O b'-2:lemma:fresh'
-0.395680 O b'+1:lemma:minimal'
-0.396198 O b'-2:lemma:phase'
-0.398092 O b'-2:lemma:dpd'
-0.402236 Supp b'+2:lemma:-rrb-'
-0.410787 O b'+1:lemma:1m'
-0.410787 O b'-2:lemma:vol'
-0.419351 O b'-1:lemma:cra'
-0.439916 Med b'+1:postag:IN'
-0.447763 Supp b'+2:postag:-RRB-'
-0.451257 O b'-2:lemma:until'
-0.454676 Supp b'-2:lemma:treat'
-0.461514 Supp b'+1:postag:NNS'
-0.473439 O b'+2:lemma:at'
-0.489525 Supp b'-2:postag:NNS'
-0.490480 O b'-2:lemma:a'
-0.491484 Supp b'+1:lemma:,'
-0.491484 Supp b'+1:postag:,'
-0.497187 O b'lemma:aerobically'
-0.503626 Supp b'-1:postag:NNP'
-0.509023 Supp b'lemma:10'
-0.516721 O b'+1:lemma:+'
-0.521588 O b'lemma:nitrate'
-0.522828 O b'-2:lemma::'
-0.525160 O b'+1:lemma:g/l'
-0.528490 O b'+1:lemma:supplement'
-0.536875 Anti b'+2:postag:JJ'
-0.541770 O b'-1:lemma:ml'
-0.549347 O b'+1:lemma:mm'
-0.554922 O b'-1:lemma:rpob'
-0.555832 O b'-1:lemma:dissolve'
-0.555832 O b'+1:lemma:methanol'
-0.556682 O b'+1:postag:VBG'
-0.560238 O b'-1:lemma:co2'
-0.588187 O b'+2:lemma:a'
-0.589107 Anti b'+1:lemma:anti-fur'
-0.592147 Med b'-2:postag:VBN'
-0.594320 O b'-2:lemma:2'
-0.596090 O b'+2:lemma:add'
-0.599346 O b'-2:lemma:supplement'
-0.602638 pH b'postag:NN'
-0.603217 O b'-2:lemma:glucose'
-0.605916 O b'lemma:mid-log'
-0.609002 O b'+2:lemma:10'
-0.610140 O b'-1:lemma:mm'
-0.614692 Supp b'+1:lemma:-lrb-'
-0.622267 Med b'+2:postag:VBN'
-0.631151 O b'-1:lemma:vol'
-0.631151 O b'-2:lemma:1/100'
-0.631151 O b'+2:lemma:1m'
-0.635308 O b'-2:lemma:media'
-0.643298 Supp b'+1:postag:-LRB-'
-0.667302 O b'-1:lemma:grow'
-0.675604 O b'lemma:anaerobically'
-0.678285 O b'postag:VBP'
-0.712921 O b'-2:postag:DT'
-0.743302 O b'-2:postag:RB'
-0.797815 O b'-1:lemma:2'
-0.803294 Supp b'-2:postag:JJ'
-0.804094 O b'lemma:wt'
-0.827192 O b'+2:lemma:+'
-0.827898 O b'+1:lemma:until'
-0.831996 O b'+2:lemma:mid-log'
-0.837044 O b'lemma:2h'
-0.837044 O b'-1:lemma:additional'
-0.853094 O b'lemma:of'
-0.881861 O b'lemma:aerobic'
-0.919135 O b'-1:lemma:30'
-0.952995 Air b'postag:NN'
-0.973697 O b'+2:postag:-RRB-'
-0.983024 Air b'+1:postag:JJ'
-1.013906 O b'+2:lemma:fnr'
-1.021974 O b'-2:postag:SYM'
-1.037571 O b'+2:lemma:then'
-1.048639 Med b'-2:lemma:grow'
-1.054249 O b'lemma:media'
-1.064365 Temp b'postag:NN'
-1.088097 O b'-1:lemma:nsrr'
-1.141026 Phase b'-1:postag:JJ'
-1.155260 O b'+2:lemma:b'
-1.165858 O b'-2:lemma:0.3'
-1.175657 O b'-1:lemma:ph'
-1.186408 O b'lemma:\xce\xb4fur'
-1.229030 O b'+1:lemma:in'
-1.249314 O b'+1:lemma:at'
-1.257039 O b'lemma:rifampicin'
-1.261781 Gtype b'+2:lemma:cra'
-1.267291 O b'+1:lemma:2.0'
-1.293131 O b'-2:lemma:rifampicin'
-1.297426 O b'-1:lemma:sample'
-1.317920 Phase b'postag:JJ'
-1.321832 O b'-1:lemma:1'
-1.346398 OD b'+2:lemma:aerobically'
-1.353123 Supp b'+2:lemma:2'
-1.353839 OD b'+1:postag:NN'
-1.379126 Anti b'+2:lemma:polyclonal'
-1.433804 O b'+2:lemma:rifampicin'
-1.437034 Supp b'+2:postag:CD'
-1.439161 Supp b'+2:lemma:1'
-1.489609 Supp b'+2:lemma:fructose'
-1.512780 O b'lemma:30'
-1.553364 Supp b'postag:JJ'
-1.601724 O b'-1:postag:VBG'
-1.789724 O b'-1:lemma:IP'
-1.863826 Gtype b'postag:VBG'
-2.000634 Anti b'postag:NNP'
-2.029905 O b'lemma:0.3'
-2.144948 O b'+1:lemma:1'
-2.735063 O b'+1:lemma:2'
-3.945319 O b'-1:lemma::'
-4.420879 O b'-1:lemma:_'
********** TRAINING AND TESTING REPORT **********
Training file: training-data-set-70_v4.txt
best params:{'c1': 0.01750591736573677, 'c2': 0.02307723566043045}
best CV score:0.7965019925648547
model size: 0.10M
Flat F1: 0.7968324300802168
precision recall f1-score support
OD 1.000 0.405 0.577 37
pH 1.000 1.000 1.000 12
Technique 0.952 0.909 0.930 22
Med 0.897 0.912 0.904 57
Temp 0.818 1.000 0.900 18
Vess 0.000 0.000 0.000 0
Agit 0.000 0.000 0.000 0
Phase 1.000 0.947 0.973 19
Air 0.754 0.742 0.748 62
Anti 1.000 0.667 0.800 9
Strain 1.000 1.000 1.000 1
Gtype 0.862 0.764 0.810 106
Substrain 0.000 0.000 0.000 1
Supp 0.865 0.662 0.750 136
Gversion 0.000 0.000 0.000 0
avg / total 0.876 0.748 0.797 480
Top likely transitions:
OD -> OD 5.786764
Agit -> Agit 5.337876
Anti -> Anti 5.174874
Temp -> Temp 5.088685
Med -> Med 5.002944
Air -> Air 4.877267
O -> O 4.715817
Gversion -> Gversion 4.473906
Phase -> Phase 4.357763
Gtype -> Gtype 4.242273
Supp -> Supp 4.009897
Technique -> Technique 3.021233
pH -> pH 2.548336
Substrain -> Gtype 1.971828
O -> Supp 1.641966
Gtype -> Supp 1.637091
Air -> O 1.145928
O -> Gtype 1.141727
Technique -> Air 1.068808
Gtype -> pH 0.990954
O -> Technique 0.980217
O -> Temp 0.771371
O -> Anti 0.605031
Gtype -> Air 0.434959
Med -> O 0.223888
O -> Strain 0.200811
O -> pH 0.175383
O -> Gversion 0.140227
OD -> Phase 0.052262
O -> Vess 0.045108
Temp -> O 0.034423
Phase -> O 0.018387
Strain -> O -0.000112
Anti -> pH -0.000851
Strain -> OD -0.002202
O -> Substrain -0.003970
Technique -> Phase -0.027678
Med -> pH -0.028490
Anti -> Phase -0.030227
Gtype -> Strain -0.031833
pH -> OD -0.041636
Air -> Anti -0.042531
OD -> pH -0.045135
pH -> Air -0.051415
Anti -> O -0.054882
Med -> OD -0.055592
O -> Med -0.064478
Med -> Temp -0.070415
Phase -> Air -0.071257
Supp -> Agit -0.072692
Top unlikely transitions:
O -> Agit -0.317813
Gversion -> Gtype -0.346160
Anti -> Gtype -0.379001
Gversion -> Supp -0.395995
Technique -> O -0.407315
Technique -> Gversion -0.411287
Air -> Gtype -0.414228
Gversion -> Technique -0.423101
Supp -> pH -0.449062
Air -> Temp -0.454318
OD -> Temp -0.462022
OD -> Technique -0.528407
Gtype -> Phase -0.537062
OD -> Anti -0.541206
Gversion -> Air -0.555674
Supp -> Temp -0.581411
Supp -> Phase -0.581776
Technique -> Supp -0.590399
Gtype -> Technique -0.620634
OD -> Supp -0.644073
Med -> Air -0.679744
Temp -> Med -0.687449
OD -> Med -0.717084
Anti -> OD -0.770834
Supp -> Anti -0.804922
Air -> Supp -0.806945
Gtype -> Gversion -0.811241
Supp -> OD -0.862585
Supp -> Gversion -0.867304
Phase -> Technique -0.873833
Agit -> O -0.910378
Air -> Med -0.936107
Gtype -> Med -0.971156
Supp -> Technique -0.979631
Supp -> Gtype -0.998503
OD -> Gtype -1.001151
Supp -> Air -1.002273
Gtype -> Anti -1.098941
OD -> Air -1.189877
O -> Air -1.194520
OD -> O -1.238899
Air -> OD -1.240827
Gtype -> OD -1.288759
Substrain -> O -1.351729
Technique -> pH -1.436208
Technique -> Gtype -1.565301
Supp -> Med -1.571460
Technique -> OD -1.655463
Med -> Supp -1.791934
Phase -> OD -2.395487
Top positive:
7.777505 O b'lemma:_'
6.605877 O b'lemma:1'
5.933184 Phase b'lemma:stationary'
5.921751 Air b'lemma:anaerobic'
5.663542 Supp b'lemma:Iron'
5.628841 O b'lemma:2'
5.570604 Strain b'lemma:k-12'
5.357728 Air b'lemma:aerobic'
5.308359 Technique b'lemma:chipseq'
5.243195 Technique b'lemma:ChIP-exo'
5.146328 O b'lemma:3'
5.113544 O b'lemma:rpob'
4.972436 Supp b'lemma:pq'
4.736752 O b'-1:lemma:tag'
4.683084 Gtype b'lemma:\xce\xb4cra'
4.682011 Phase b'lemma:mid-log'
4.676054 Gversion b'lemma:asm584v2'
4.661754 Supp b'lemma:nh4cl'
4.645082 Gtype b'lemma:flag-tag'
4.645082 Gtype b'-1:lemma:c-terminal'
4.640572 O b'lemma:rep1'
4.613649 O b'lemma:Cra'
4.546591 Gtype b'lemma:arca8myc'
4.537870 O b'postag:IN'
4.531129 Supp b'lemma:glucose'
4.528260 Air b'-1:lemma:ChIP-Seq'
4.460701 O b'lemma:rep2'
4.331423 Med b'lemma:MOPS'
4.320826 Gtype b'lemma:wt'
4.314650 Supp b'lemma:nitrate'
4.296372 O b'lemma:rep3'
4.285293 Substrain b'lemma:mg1655'
4.240354 Supp b'lemma:acetate'
4.111263 Med b'lemma:lb'
4.087796 Gtype b'lemma:delta-arca'
4.036491 O b'+1:postag:RB'
4.022073 Supp b'+1:lemma:\xc2\xb5m'
4.010145 O b'lemma:b'
4.010092 Supp b'lemma:no3'
3.996538 Med b'lemma:LB'
3.996393 Gtype b'-1:lemma:\xe2\x88\x86'
3.982442 Technique b'lemma:rna-seq'
3.957894 Air b'lemma:Aerobic'
3.935017 O b'lemma:a'
3.803123 OD b'lemma:od600'
3.801977 Anti b'lemma:none'
3.786775 Gtype b'lemma:fnr8myc'
3.769938 O b'lemma:.'
3.769938 O b'postag:.'
3.769927 Supp b'lemma:Fe'
3.764066 Technique b'lemma:chip-seq'
3.735366 O b'postag::'
3.685306 O b'lemma:CEL'
3.645917 O b'lemma:\xcf\x8332'
3.642265 O b'-1:lemma:Aerobic'
3.634484 Anti b'lemma:seqa'
3.544891 Technique b'lemma:rnaseq'
3.525311 Supp b'+1:lemma:Deficient'
3.521610 OD b'lemma:od450'
3.519361 O b'-1:lemma:ChIP-exo'
3.516252 O b'lemma:Custom'
3.464219 O b'postag:VBN'
3.463491 Supp b'+1:lemma:1'
3.450572 Supp b'lemma:rifampicin'
3.427503 Med b'+1:lemma:0.4'
3.379916 Gtype b'lemma:delta-fnr'
3.378105 Supp b'-1:lemma:Cra'
3.351155 Gtype b'lemma:\xe2\x88\x86'
3.343450 Gversion b'lemma:chip-seq'
3.314924 Supp b'lemma:fructose'
3.282214 Supp b'lemma:dpd'
3.262950 Gtype b'+1:lemma:with'
3.253726 O b'lemma:-'
3.214173 O b'+1:lemma:od600'
3.187644 O b'-1:lemma:0.3-0.35'
3.182055 Gtype b'lemma:type'
3.172972 Supp b'lemma:arginine'
3.120594 Gtype b'lemma:\xce\xb4fur'
3.117794 Gversion b'lemma:nc'
3.109528 O b'-1:lemma:glucose'
3.081979 O b'+1:lemma:anti-fur'
3.077641 Gtype b'+1:lemma:type'
3.064731 Supp b'+1:lemma:2'
3.053268 Vess b'lemma:flask'
3.053268 Vess b'-1:lemma:warm'
3.046425 O b'-1:lemma:anaerobic'
3.038756 pH b'lemma:ph5'
3.038756 pH b'+1:lemma:.5'
3.027884 Med b'lemma:m63'
3.018439 Gtype b'lemma:wild-type'
3.002251 O b'lemma:chip-arca'
3.002149 Anti b'lemma:anti-myc'
3.001018 Gtype b'lemma:nsrr'
3.000941 O b'lemma:affyexp'
3.000850 Air b'postag:RB'
2.987234 O b'-1:lemma:lb'
2.981372 Strain b'+1:lemma:substr'
2.977968 O b'lemma:with'
2.970913 O b'lemma:s'
2.954955 O b'lemma:oxyr'
2.919696 Technique b'lemma:ChIP-Seq'
2.911598 Gtype b'lemma:WT'
2.907151 Temp b'lemma:\xc2\xb0c'
2.882096 Gtype b'lemma:\xce\xb4soxs'
2.828303 O b'-1:lemma:stpa'
2.815555 O b'lemma:argr'
2.805344 Med b'+1:lemma:minimal'
2.776817 Gversion b'lemma:.2'
2.776817 Gversion b'-1:lemma:u00096'
2.765075 O b'lemma:at'
2.753642 Supp b'-1:lemma:+'
2.743827 Med b'+1:lemma:2.0'
2.731390 O b'lemma:ompr'
2.715846 O b'+1:lemma:pq'
2.713993 Gversion b'lemma:u00096'
2.713993 Gversion b'+1:lemma:.2'
2.703704 Air b'lemma:Anaerobic'
2.702255 Gtype b'lemma:\xce\xb4ompr'
2.686740 Supp b'+1:lemma:_'
2.677806 Gtype b'-1:lemma:ptac'
2.662879 Phase b'+1:lemma:for'
2.660845 O b'lemma:purr'
2.633400 Gversion b'-1:lemma:nc'
2.610705 Med b'-1:lemma:ml'
2.610364 Supp b'lemma:nacl'
2.598932 Technique b'-1:lemma:IP'
2.587524 O b'lemma:or'
2.572768 Supp b'lemma:Leu'
2.557048 Gversion b'lemma:000913'
2.535138 Gtype b'+1:lemma:flagtag'
2.529124 O b'postag:CC'
2.528151 Gtype b'+1:lemma:pq'
2.519454 OD b'+1:lemma:stationary'
2.517078 Gtype b'+1:lemma:aerobic'
2.508910 O b'lemma:Lrp'
2.508428 Gtype b'-1:lemma:rpob'
2.502749 Temp b'lemma:43'
2.501837 Air b'lemma:anaerobically'
2.500161 Gtype b'lemma:ptac'
2.489806 O b'+1:lemma:o.d.'
2.489002 O b'-1:lemma:type'
2.486890 Gtype b'lemma:pk4854'
2.485914 O b'lemma:for'
2.480050 O b'postag:SYM'
2.476780 Supp b'+1:lemma:hour'
2.458558 Air b'-1:lemma:-'
2.455765 Anti b'lemma:anti-rpos'
2.449385 Supp b'lemma:Adenine'
2.445239 O b'lemma:Fur'
2.444393 O b'lemma:soxs'
2.444393 O b'lemma:soxr'
2.434249 Temp b'-1:lemma:37'
2.428845 Gtype b'lemma:deltaseqa'
2.428845 Gtype b'-1:lemma:old'
2.414384 Anti b'+1:lemma:antibody'
2.405965 O b'lemma:2-3'
2.403476 Temp b'-1:lemma:43'
2.394168 Air b'lemma:anerobically'
2.391084 Substrain b'+1:lemma:phtpg'
2.390362 O b'+1:lemma:chip-seq'
2.364093 O b'lemma:chip'
2.344688 pH b'+1:postag:CD'
2.333775 Med b'postag:NNP'
2.308157 Supp b'lemma:iptg'
2.301961 O b'+1:lemma:43'
2.296886 Gtype b'lemma:\xce\xb4oxyr'
2.293633 O b'lemma:chip-fnr'
2.288275 Med b'+1:lemma:+'
2.287838 Technique b'-1:lemma:input'
2.284745 Gtype b'+1:lemma:ph5'
2.282924 O b'+1:lemma:sparging'
2.273731 Technique b'+1:lemma:chip-exo'
2.256890 Gtype b'lemma:\xce\xb4soxr'
2.248969 O b'lemma:pt7'
2.247412 Gtype b'lemma:dfnr'
2.234348 Technique b'-1:lemma:chip-exo'
2.225915 O b'+1:lemma:mid-log'
2.218353 Supp b'+1:lemma:deficient'
2.214682 Phase b'lemma:phase'
2.209324 Phase b'-1:lemma:until'
2.209232 Supp b'lemma:methanol'
2.187036 Technique b'postag:NNP'
2.159413 Temp b'-1:lemma:sample'
2.151326 Gtype b'-1:lemma:nsrr'
2.149028 Supp b'lemma:20'
2.143459 pH b'lemma:.5'
2.143459 pH b'-1:lemma:ph5'
2.130382 Supp b'-1:lemma:with'
2.124595 Phase b'-1:lemma:mid-log'
2.122806 Gversion b'+1:lemma:000913'
2.119158 Temp b'+1:lemma:\xc2\xb0c'
2.116827 O b'lemma:genotype/variation'
2.111971 Gtype b'-1:lemma:from'
2.099395 Gversion b'lemma:_'
2.093842 O b'postag:VBG'
2.087024 Gtype b'-1:lemma::'
2.084864 Med b'+1:lemma:-lrb-'
2.083399 Med b'lemma:broth'
2.083399 Med b'-1:lemma:L'
2.080517 Med b'lemma:L'
Top negative:
-0.116698 Gtype b'-1:postag:NNP'
-0.117399 Med b'-1:postag:NN'
-0.121920 Phase b'-1:postag:NN'
-0.126158 O b'-1:lemma:delta'
-0.126979 O b'lemma:medium'
-0.136307 O b'lemma:10'
-0.138994 O b'+1:lemma:2.0'
-0.140939 O b'-1:postag:IN'
-0.146352 OD b'+1:lemma:in'
-0.147540 O b'-1:lemma:iptg'
-0.148360 Gtype b'lemma:ompr'
-0.148713 Supp b'+1:lemma:glucose'
-0.150545 Gtype b'-1:lemma:,'
-0.150545 Gtype b'-1:postag:,'
-0.152555 O b'+1:lemma:mm'
-0.154518 O b'+1:lemma:5'
-0.161052 Air b'postag:CD'
-0.161490 O b'-1:lemma:purify'
-0.162601 O b'+1:lemma:strain'
-0.164231 O b'-1:lemma:with'
-0.165378 O b'-1:lemma:minimal'
-0.167055 Air b'-1:lemma:or'
-0.177695 O b'+1:lemma:0.4'
-0.179481 Med b'+1:postag:CC'
-0.192792 Gtype b'+1:postag:NNS'
-0.194783 O b'-1:lemma:-lrb-'
-0.199810 Gtype b'-1:lemma:mg1655'
-0.202202 O b'+1:lemma:antibody'
-0.204305 O b'+1:lemma:mg1655'
-0.205357 O b'+1:lemma:minimal'
-0.215743 O b'+1:lemma:.'
-0.215743 O b'+1:postag:.'
-0.224035 Supp b'+1:postag:IN'
-0.226319 Technique b'-1:lemma::'
-0.228443 Supp b'lemma:and'
-0.228851 O b'lemma:e.'
-0.233559 Gtype b'+1:lemma:cra'
-0.233930 O b'lemma:8'
-0.236052 Gtype b'+1:lemma:a'
-0.236429 O b'lemma:n2'
-0.240273 O b'-1:postag:-LRB-'
-0.243379 O b'-1:lemma:e.'
-0.246913 O b'-1:lemma:20'
-0.249761 O b'-1:postag:VBP'
-0.250445 O b'+1:lemma:from'
-0.253990 O b'lemma:co2'
-0.257147 O b'lemma:lb'
-0.262866 O b'-1:lemma:grow'
-0.263101 O b'-1:lemma:n2'
-0.266675 Med b'postag:CD'
-0.267433 Med b'+1:postag:NNS'
-0.271690 Med b'lemma:-lrb-'
-0.272421 Med b'postag:-LRB-'
-0.274354 Anti b'+1:postag:JJ'
-0.275817 O b'-1:lemma:fresh'
-0.276458 Gversion b'+1:postag:NN'
-0.284818 Gtype b'+1:lemma:b'
-0.291947 O b'+1:lemma:until'
-0.292980 O b'lemma:minimal'
-0.294264 O b'lemma:30'
-0.295523 O b'-1:lemma:od600'
-0.299205 O b'+1:lemma:b'
-0.302254 O b'lemma:aerobically'
-0.310314 O b'lemma:grow'
-0.331454 O b'-1:lemma:0.1'
-0.331977 O b'-1:postag:VBN'
-0.340682 O b'+1:lemma:delta'
-0.346089 O b'+1:lemma:-lcb-'
-0.347377 O b'-1:lemma:um'
-0.347377 O b'+1:lemma:paraquat'
-0.348080 O b'+1:postag:-RRB-'
-0.348644 Gtype b'postag:CD'
-0.350220 O b'-1:lemma:chip-exo'
-0.353135 O b'lemma:mg/ml'
-0.353135 O b'-1:lemma:150'
-0.368298 O b'-1:lemma:mm'
-0.368952 O b'+1:lemma:phase'
-0.383392 Phase b'-1:lemma:at'
-0.383608 Gtype b'lemma:_'
-0.386439 O b'+1:postag:IN'
-0.389536 O b'lemma:glucose'
-0.397045 Supp b'+1:postag:VBN'
-0.406129 O b'postag:RB'
-0.417245 O b'lemma:m63'
-0.417398 OD b'+1:postag:CC'
-0.419368 Temp b'postag:JJ'
-0.422874 O b'+1:lemma:or'
-0.427973 O b'+1:lemma:%'
-0.435206 O b'+1:lemma:shake'
-0.441406 OD b'+1:lemma:mid-log'
-0.442803 Med b'+1:postag:NN'
-0.449476 O b'lemma:nacl'
-0.461678 O b'+1:lemma:_'
-0.466634 O b'lemma:od600'
-0.469668 Technique b'-1:postag::'
-0.470685 O b'-1:lemma:from'
-0.478610 Supp b'postag:CC'
-0.495782 O b'+1:lemma:dissolve'
-0.501976 Supp b'-1:postag:VBG'
-0.521671 O b'-1:lemma:rifampicin'
-0.527652 O b'lemma:\xc2\xb0c'
-0.532074 O b'-1:lemma:g/l'
-0.535235 O b'-1:lemma:cra'
-0.535605 pH b'postag:NN'
-0.540053 O b'+1:lemma:cell'
-0.542400 O b'-1:lemma:mid-log'
-0.554731 O b'+1:lemma:Aerobic'
-0.557223 OD b'+1:postag:NN'
-0.577398 Temp b'-1:lemma:\xc2\xb0c'
-0.586593 O b'+1:lemma:rep1'
-0.589048 O b'-1:lemma:30'
-0.595835 Med b'-1:postag:IN'
-0.598295 O b'lemma:phase'
-0.599331 Supp b'-1:lemma:%'
-0.612222 O b'+1:lemma:\xc2\xb0c'
-0.624875 O b'-1:lemma:affinity'
-0.636676 OD b'lemma:-lrb-'
-0.643469 O b'+1:postag:NNS'
-0.649099 Temp b'postag:NN'
-0.649456 O b'lemma:of'
-0.658905 Gtype b'-1:postag:SYM'
-0.660226 OD b'+1:lemma:and'
-0.660293 O b'+1:lemma:c'
-0.672111 O b'lemma:mg1655'
-0.675080 Gtype b'lemma:delta'
-0.677816 O b'lemma:dissolve'
-0.678428 Supp b'+1:lemma:rifampicin'
-0.684724 O b'-1:lemma:co2'
-0.686280 Gtype b'-1:postag:DT'
-0.694863 O b'-1:lemma:o2'
-0.722306 Gtype b'+1:lemma:\xe2\x88\x86'
-0.732614 O b'lemma:150'
-0.732614 O b'+1:lemma:mg/ml'
-0.761599 OD b'postag:-LRB-'
-0.772588 Temp b'+1:lemma:to'
-0.772588 Temp b'+1:postag:TO'
-0.781297 O b'lemma:anaerobically'
-0.807083 O b'+1:lemma:arginine'
-0.819715 O b'-1:lemma:\xe2\x88\x86'
-0.823821 O b'+1:lemma:0.3'
-0.836002 O b'lemma:dpd'
-0.858798 O b'+1:lemma:fecl2'
-0.878330 Med b'+1:postag:IN'
-0.883801 O b'-1:lemma:until'
-0.890383 O b'lemma:purify'
-0.893680 Anti b'+1:lemma:anti-fur'
-0.905649 O b'lemma:anaerobic'
-0.919723 O b'-1:lemma:0.2'
-0.932910 O b'+1:lemma:300'
-0.948417 O b'-1:lemma:ml'
-0.951682 O b'-1:lemma:1'
-0.955382 Air b'-1:postag:JJ'
-0.960497 O b'lemma:\xe2\x88\x86'
-0.979778 O b'-1:lemma:dissolve'
-0.979778 O b'+1:lemma:methanol'
-0.985663 O b'lemma:fecl2'
-0.995333 O b'lemma:media'
-1.037234 Phase b'-1:postag:JJ'
-1.042219 O b'lemma:20'
-1.048118 O b'lemma:k-12'
-1.067143 Supp b'+1:lemma:acetate'
-1.079445 O b'lemma:2h'
-1.079445 O b'-1:lemma:additional'
-1.084169 O b'+1:lemma:supplement'
-1.104220 O b'lemma:0.1'
-1.125319 O b'lemma:mid-log'
-1.136189 O b'lemma:0.2'
-1.136814 O b'-1:lemma:~'
-1.142555 O b'lemma:0.3'
-1.163967 O b'+1:lemma:at'
-1.165833 O b'+1:lemma:in'
-1.233659 O b'+1:postag:VBG'
-1.234566 OD b'postag:JJ'
-1.251923 O b'-1:postag:VBG'
-1.261321 Phase b'postag:JJ'
-1.282079 O b'+1:lemma:g/l'
-1.318236 O b'lemma:\xce\xb4fur'
-1.394008 O b'-1:lemma:ompr'
-1.417347 O b'-1:lemma:sample'
-1.574030 O b'lemma:37'
-1.604365 Supp b'postag:JJ'
-1.624714 O b'postag:VBP'
-1.649157 O b'-1:postag::'
-1.654774 Air b'postag:NN'
-1.662186 O b'-1:lemma:rpob'
-1.692863 Air b'+1:postag:JJ'
-1.720211 Anti b'postag:NNP'
-1.810759 O b'lemma:wt'
-1.845010 O b'-1:lemma:37'
-1.856437 O b'+1:lemma:+'
-1.877902 O b'-1:lemma:IP'
-1.987331 O b'-1:lemma:2'
-2.039453 O b'lemma:methanol'
-2.059494 O b'-1:lemma:nsrr'
-2.091546 O b'+1:lemma:2'
-2.107679 O b'lemma:rifampicin'
-2.361875 O b'+1:lemma:hour'
-2.588783 O b'+1:lemma:1'
-3.600862 O b'-1:lemma:_'
-3.688282 O b'-1:lemma::'
********** TRAINING AND TESTING REPORT **********
Training file: training-data-set-70.txt
best params:{'c1': 0.16617627893415826, 'c2': 0.016246283722594547}
best CV score:0.8677299702871124
model size: 0.09M
Flat F1: 0.8100263815531699
precision recall f1-score support
OD 1.000 0.818 0.900 22
pH 1.000 1.000 1.000 8
Technique 1.000 0.913 0.955 23
Med 1.000 0.943 0.971 53
Temp 0.923 0.828 0.873 29
Vess 1.000 1.000 1.000 1
Agit 0.000 0.000 0.000 0
Phase 0.882 1.000 0.938 15
Air 0.565 0.377 0.452 69
Anti 1.000 1.000 1.000 11
Strain 0.000 0.000 0.000 1
Gtype 0.889 0.847 0.867 85
Substrain 0.000 0.000 0.000 0
Supp 0.811 0.799 0.805 134
Gversion 0.000 0.000 0.000 0
avg / total 0.845 0.783 0.810 451
Top likely transitions:
Agit -> Agit 6.716949
Temp -> Temp 6.219197
OD -> OD 5.656758
Med -> Med 5.510885
Supp -> Supp 5.091598
Anti -> Anti 4.770668
Gversion -> Gversion 4.530576
Phase -> Phase 4.343162
Air -> Air 4.176421
Gtype -> Gtype 3.872949
O -> O 3.576273
Technique -> Technique 3.464421
pH -> pH 3.115258
O -> Technique 0.821082
Substrain -> Gtype 0.704368
O -> Supp 0.589038
Air -> O 0.511427
Gtype -> Supp 0.510592
Gtype -> Air 0.474170
Temp -> O 0.189513
O -> Gtype 0.176860
Supp -> O 0.145242
Technique -> Air 0.118103
Med -> O 0.093609
O -> Anti 0.090099
Phase -> O 0.002296
O -> Temp 0.002073
O -> Phase 0.000043
O -> Med -0.015745
Gtype -> Med -0.042610
Supp -> Med -0.045443
O -> OD -0.113818
Air -> Supp -0.115743
Technique -> pH -0.124518
OD -> Air -0.194892
Gversion -> O -0.196158
Gtype -> Technique -0.579025
Technique -> O -0.829124
O -> Air -0.902346
Gtype -> O -0.925779
Med -> Supp -1.463243
Substrain -> O -1.475265
Top unlikely transitions:
Agit -> Agit 6.716949
Temp -> Temp 6.219197
OD -> OD 5.656758
Med -> Med 5.510885
Supp -> Supp 5.091598
Anti -> Anti 4.770668
Gversion -> Gversion 4.530576
Phase -> Phase 4.343162
Air -> Air 4.176421
Gtype -> Gtype 3.872949
O -> O 3.576273
Technique -> Technique 3.464421
pH -> pH 3.115258
O -> Technique 0.821082
Substrain -> Gtype 0.704368
O -> Supp 0.589038
Air -> O 0.511427
Gtype -> Supp 0.510592
Gtype -> Air 0.474170
Temp -> O 0.189513
O -> Gtype 0.176860
Supp -> O 0.145242
Technique -> Air 0.118103
Med -> O 0.093609
O -> Anti 0.090099
Phase -> O 0.002296
O -> Temp 0.002073
O -> Phase 0.000043
O -> Med -0.015745
Gtype -> Med -0.042610
Supp -> Med -0.045443
O -> OD -0.113818
Air -> Supp -0.115743
Technique -> pH -0.124518
OD -> Air -0.194892
Gversion -> O -0.196158
Gtype -> Technique -0.579025
Technique -> O -0.829124
O -> Air -0.902346
Gtype -> O -0.925779
Med -> Supp -1.463243
Substrain -> O -1.475265
Top positive:
6.433973 Technique b'lemma[:2]:Ch'
6.360815 O b'lemma:2'
5.662452 Anti b'-2:lemma:antibody'
5.635583 O b'lemma:1'
5.375548 O b'-2:lemma:_'
5.334062 O b'lemma:3'
4.328011 Gtype b'lemma[:1]:\xce\xb4'
4.274267 O b'lemma[:2]:re'
4.227305 Phase b'lemma:mid-log'
4.196090 Air b'lemma[:2]:ae'
3.698810 Gtype b'-1:lemma:\xe2\x88\x86'
3.689545 Substrain b'lemma[:2]:mg'
3.405547 Air b'lemma:anaerobic'
3.375450 Technique b'lemma:chipseq'
3.355381 O b'-2:lemma:medium'
3.263554 O b'lemma:with'
3.228684 O b'lemma:b'
3.212301 Technique b'lemma[:2]:rn'
3.141015 Supp b'lemma:acetate'
3.091356 Phase b'-2:lemma:phase'
3.034572 Gtype b'lemma:type'
3.034572 Gtype b'lemma[:2]:ty'
3.019205 O b'-1:lemma:tag'
2.976419 Air b'lemma[:2]:an'
2.958977 O b'+2:lemma:\xc2\xb0c'
2.937672 O b'lemma[:2]:ge'
2.921253 O b'lemma[:1]:h'
2.903272 Gtype b'-2:lemma:genotype/variation'
2.893999 Supp b'lemma:arginine'
2.891850 O b'lemma:-'
2.870735 Supp b'-1:lemma:with'
2.863673 Gtype b'+1:lemma:type'
2.803093 Supp b'lemma:pq'
2.803093 Supp b'lemma[:2]:pq'
2.800209 O b'lemma:a'
2.752078 Med b'+2:postag:CC'
2.708393 Gtype b'lemma[:2]:pk'
2.703014 Supp b'-1:lemma:Cra'
2.629891 O b'lemma:_'
2.629891 O b'lemma[:1]:_'
2.596183 Supp b'lemma:Iron'
2.596183 Supp b'lemma[:2]:Ir'
2.596183 Supp b'-2:lemma:Anaerobic'
2.569027 O b'+2:lemma:70'
2.544018 Supp b'+2:lemma:iptg'
2.496912 OD b'lemma[:1]:o'
2.467329 Supp b'+1:lemma:\xc2\xb5m'
2.456900 O b'lemma:.'
2.456900 O b'postag:.'
2.456900 O b'postag[:1]:.'
2.453094 O b'+1:lemma:pq'
2.442390 O b'-1:lemma:ChIP-exo'
2.433484 Technique b'lemma[:2]:ch'
2.399879 Anti b'+2:lemma:antibody'
2.363621 Air b'lemma:Aerobic'
2.363621 Air b'lemma[:2]:Ae'
2.358981 Gtype b'-2:lemma:delta'
2.342573 O b'-2:lemma:myc'
2.331321 Supp b'lemma:no3'
2.313202 Supp b'lemma:rifampicin'
2.312753 Anti b'+1:lemma:antibody'
2.297741 Supp b'lemma[:2]:ri'
2.281621 Air b'-2:lemma:IP'
2.278366 Med b'lemma:MOPS'
2.278366 Med b'lemma[:1]:M'
2.278366 Med b'lemma[:2]:MO'
2.270655 OD b'lemma[:2]:od'
2.263438 Gversion b'lemma:chip-seq'
2.231180 O b'-1:lemma:glucose'
2.206950 Gtype b'lemma:wt'
2.206950 Gtype b'lemma[:2]:wt'
2.187730 Supp b'lemma[:2]:gl'
2.186178 pH b'+1:postag:CD'
2.183027 Technique b'-1:lemma:input'
2.179683 O b'lemma[:1]:-'
2.172484 Air b'-1:lemma:ChIP-Seq'
2.160518 Phase b'lemma:stationary'
2.150044 Phase b'lemma[:2]:ex'
2.145423 O b'postag:IN'
2.145423 O b'postag[:1]:I'
2.145423 O b'postag[:2]:IN'
2.135783 O b'-1:lemma:lb'
2.115167 O b'-1:lemma:anaerobic'
2.106797 O b'lemma:rpob'
2.094643 O b'+2:lemma:cra'
2.046836 Gtype b'-2:postag:DT'
2.035645 Gtype b'lemma:nsrr'
2.035645 Gtype b'lemma[:2]:ns'
2.034890 Technique b'lemma[:1]:C'
2.033641 O b'+1:postag:RB'
2.013660 Supp b'+1:lemma:1'
2.011345 Supp b'lemma:fructose'
2.002182 Supp b'-2:lemma:media'
1.998148 Gtype b'hGreek'
1.992371 Temp b'-1:lemma:\xcf\x8332'
1.980657 O b'postag::'
1.980657 O b'postag[:1]::'
1.979866 Supp b'-1:lemma:final'
1.974647 Med b'+2:lemma:b2'
1.964961 Temp b'-1:lemma:sample'
1.959365 Strain b'+1:lemma:substr'
1.959365 Strain b'-2:lemma:str'
1.931532 Temp b'-2:lemma:\xcf\x8332'
1.926204 pH b'lemma[:2]:ph'
1.924918 Supp b'-2:lemma:agent'
1.911949 Supp b'lemma[:1]:n'
1.895649 Supp b'+2:lemma:rifampicin'
1.895108 Temp b'+2:postag:DT'
1.894074 Air b'-1:lemma:-'
1.892359 Gtype b'lemma:\xe2\x88\x86'
1.892359 Gtype b'lemma[:1]:\xe2\x88\x86'
1.886561 O b'-1:lemma:media'
1.878120 Gtype b'lemma[:1]:w'
1.849654 Air b'-1:lemma:co2'
1.819415 Supp b'-1:lemma:+'
1.819234 Med b'lemma:L'
1.819234 Med b'+1:lemma:broth'
1.811008 Anti b'lemma[:2]:an'
1.807476 O b'-1:lemma:0.3'
1.795731 O b'-1:postag:NNS'
1.794762 O b'postag:CC'
1.794762 O b'postag[:2]:CC'
1.793009 Gtype b'-1:postag:VBG'
1.774172 O b'lemma[:1]:C'
1.769427 Temp b'lemma[:1]:3'
1.750065 Med b'lemma:broth'
1.750065 Med b'-1:lemma:L'
1.750065 Med b'lemma[:2]:br'
1.731860 Air b'lemma[:1]:A'
1.729863 Supp b'-1:postag:CC'
1.711219 Gtype b'+1:lemma:with'
1.710940 O b'+1:postag:NNP'
1.706914 O b'+1:lemma:coli'
1.705143 Phase b'lemma[:1]:e'
1.701557 O b'lemma:chip'
1.688302 Gtype b'lemma[:2]:ar'
1.687398 Gtype b'-1:lemma:_'
1.679707 Supp b'-2:lemma:induce'
1.674594 O b'+1:lemma:250'
1.667872 O b'-2:lemma:ChIP-Seq'
1.653279 Gtype b'+1:lemma::'
1.627724 O b'lemma:A'
1.622722 Supp b'lemma[:2]:ac'
1.617166 O b'postag:VBN'
1.614130 Substrain b'lemma[:1]:m'
1.610355 Gtype b'-2:lemma:genotype'
1.606189 O b'+2:postag:JJ'
1.605995 O b'lemma:0.4'
1.600992 Substrain b'+1:lemma:phtpg'
1.591094 O b'-1:lemma:Aerobic'
1.589843 Supp b'-1:lemma:_'
1.579672 Air b'+1:postag:IN'
1.566124 Temp b'lemma:43'
1.566124 Temp b'lemma[:2]:43'
1.563526 O b'-1:lemma:type'
1.558846 Supp b'lemma[:2]:30'
1.552158 O b'-1:lemma:aerobically'
1.551882 Gversion b'lemma:nc'
1.551882 Gversion b'lemma[:2]:nc'
1.536623 Supp b'+1:lemma:_'
1.536256 O b'-1:lemma:\xc2\xb0c'
1.524621 Air b'lemma[:1]:a'
1.511586 Temp b'-1:lemma:43'
1.506306 O b'lemma[:1]:b'
1.506103 Gtype b'lemma[:2]:wi'
1.498210 Supp b'+1:lemma:2'
1.491309 Gtype b'+1:lemma:flagtag'
1.490390 Med b'+1:lemma:0.4'
1.485550 O b'+2:lemma:fructose'
1.479904 Supp b'lemma:Leu'
1.479904 Supp b'lemma[:2]:Le'
1.479904 Supp b'-2:lemma:Lrp'
1.475818 Supp b'lemma:glucose'
1.472393 Gtype b'lemma[:2]:fl'
1.471237 Gtype b'-1:lemma:rpob'
1.464668 Med b'lemma:lb'
1.464668 Med b'lemma[:2]:lb'
1.462458 O b'+1:lemma:mid-log'
1.460719 Med b'+2:lemma:b1'
1.459376 O b'lemma[:2]:ha'
1.450388 Supp b'lemma[:1]:I'
1.442333 Gtype b'-1:lemma:vector'
1.442007 Med b'+1:lemma:g/l'
1.435558 Supp b'lemma[:2]:ni'
1.434864 O b'lemma:ml'
1.434864 O b'lemma[:2]:ml'
1.431207 Technique b'symb'
1.424801 O b'lemma[:1]:r'
1.421918 Supp b'+2:lemma:mid-log'
1.413708 O b'lemma[:1]:s'
1.383477 O b'-2:postag:FW'
1.383257 O b'-1:lemma:into'
1.382919 O b'lemma[:2]:ga'
1.354991 O b'lemma[:1]:c'
1.346926 Med b'+1:lemma:minimal'
1.336028 Gtype b'lemma[:1]:f'
1.335008 O b'+1:postag:VBN'
1.329569 pH b'lemma:ph5'
1.329569 pH b'+1:lemma:.5'
1.326705 Gtype b'-2:lemma:affyexp'
Top negative:
-0.155596 Supp b'-1:lemma:10'
-0.157470 O b'+2:lemma:ph'
-0.158631 Supp b'lemma[:1]:s'
-0.159053 O b'-1:lemma:from'
-0.160270 Supp b'-1:lemma:-lrb-'
-0.160524 Gtype b'+2:postag:CD'
-0.161112 Air b'postag[:1]:N'
-0.161112 Air b'postag[:2]:NN'
-0.161768 pH b'postag:NN'
-0.161818 OD b'symb'
-0.167771 Supp b'-2:lemma:treat'
-0.176292 O b'lemma:co2'
-0.177197 O b'-1:lemma:g/l'
-0.181198 O b'-1:lemma:1m'
-0.181198 O b'+2:lemma:7.6'
-0.186508 O b'-2:lemma:genome'
-0.193058 Supp b'+2:lemma:-rrb-'
-0.194306 Gtype b'lemma[:1]:h'
-0.194450 Supp b'-1:postag:-LRB-'
-0.195692 Anti b'symb'
-0.197135 O b'-2:lemma:of'
-0.201423 O b'-2:lemma:-lrb-'
-0.201718 O b'-1:lemma:0.2'
-0.207096 Temp b'postag[:1]:N'
-0.207096 Temp b'postag[:2]:NN'
-0.208637 Temp b'-2:postag:NN'
-0.210816 Technique b'-2:postag:NN'
-0.212139 O b'lemma:in'
-0.215720 Supp b'+2:postag:-RRB-'
-0.227268 O b'+2:lemma:-rrb-'
-0.229192 O b'lemma:anaerobic'
-0.229556 O b'+1:lemma:.'
-0.229556 O b'+1:postag:.'
-0.229949 Vess b'hUpper'
-0.229949 Vess b'hLower'
-0.232026 O b'lemma[:1]:n'
-0.239837 O b'lemma:30'
-0.244559 O b'lemma:anaerobically'
-0.245601 Phase b'+1:postag:NN'
-0.249673 O b'-2:lemma:aerobically'
-0.251037 O b'-2:lemma:a'
-0.251989 O b'lemma[:1]:d'
-0.252202 Supp b'lemma[:1]:a'
-0.253068 O b'-2:postag:-LRB-'
-0.258564 O b'+1:lemma:mm'
-0.260363 O b'-1:lemma:fresh'
-0.261060 O b'-2:lemma:anaerobically'
-0.262340 Air b'-1:lemma:or'
-0.263528 pH b'postag[:1]:N'
-0.263528 pH b'postag[:2]:NN'
-0.265074 O b'-2:postag::'
-0.265217 O b'-2:lemma:IP'
-0.269304 Med b'+1:postag:NN'
-0.285401 O b'-2:lemma:rpob'
-0.295781 Supp b'lemma[:2]:an'
-0.296045 O b'lemma[:2]:ar'
-0.296575 O b'-2:lemma:fresh'
-0.301913 O b'lemma:media'
-0.307515 O b'lemma[:2]:gl'
-0.308163 O b'-1:postag:IN'
-0.311903 O b'-1:lemma:mm'
-0.312159 O b'-2:lemma:nh4cl'
-0.322974 Anti b'+2:postag:JJ'
-0.325164 Supp b'-2:postag:JJ'
-0.328654 Supp b'-1:postag:NNP'
-0.332535 O b'-1:lemma:of'
-0.341258 O b'lemma:methanol'
-0.341258 O b'-2:lemma:dissolve'
-0.346421 Supp b'+2:lemma:glucose'
-0.353210 Technique b'-1:postag::'
-0.357081 O b'+1:lemma:supplement'
-0.362827 O b'lemma:2h'
-0.362827 O b'-1:lemma:additional'
-0.362827 O b'lemma[:2]:2h'
-0.373258 O b'-1:lemma:final'
-0.373355 O b'+2:lemma:at'
-0.376466 Supp b'+1:postag:NNS'
-0.379434 O b'-1:lemma:IP'
-0.379949 O b'lemma[:1]:0'
-0.380927 O b'-2:lemma:phase'
-0.384075 O b'lemma:glucose'
-0.384929 Med b'-1:postag:NN'
-0.387171 O b'lemma[:1]:k'
-0.388425 O b'lemma:\xe2\x88\x86'
-0.388425 O b'lemma[:1]:\xe2\x88\x86'
-0.390156 Temp b'postag:NN'
-0.390965 O b'+1:lemma:g/l'
-0.410576 Med b'-1:postag:CD'
-0.411791 O b'+1:lemma:1m'
-0.411791 O b'-2:lemma:vol'
-0.418447 Gtype b'+1:lemma:-rrb-'
-0.418498 O b'-1:lemma:rpob'
-0.422355 O b'-2:lemma:until'
-0.434852 Technique b'postag:NN'
-0.435566 Supp b'postag:JJ'
-0.439076 Supp b'postag[:1]:J'
-0.439076 Supp b'postag[:2]:JJ'
-0.442452 O b'-1:lemma:30'
-0.455337 Med b'+2:postag:VBN'
-0.455366 Air b'postag:NN'
-0.461874 O b'+2:lemma:fnr'
-0.467110 O b'-2:lemma:supplement'
-0.468087 O b'-1:lemma:dissolve'
-0.468087 O b'+1:lemma:methanol'
-0.486893 Gtype b'-2:lemma:\xe2\x88\x86'
-0.493653 O b'lemma[:1]:L'
-0.497715 O b'+2:lemma:10'
-0.498822 O b'lemma:of'
-0.498822 O b'lemma[:2]:of'
-0.507436 O b'lemma[:2]:0.'
-0.510139 Med b'+1:postag:IN'
-0.513295 O b'+2:lemma:tag'
-0.514818 O b'+1:lemma:+'
-0.532828 O b'-1:lemma:\xe2\x88\x86'
-0.536622 O b'+2:lemma:mid-log'
-0.538561 Supp b'+1:lemma:-lrb-'
-0.543996 O b'+2:lemma:.'
-0.543996 O b'+2:postag:.'
-0.557797 Supp b'+1:postag:-LRB-'
-0.568152 O b'+2:lemma:a'
-0.585265 O b'-2:lemma:pahse'
-0.590510 O b'-2:lemma:glucose'
-0.590875 O b'+1:lemma:until'
-0.605869 O b'-1:lemma:nsrr'
-0.609882 O b'-2:lemma:dpd'
-0.616188 Phase b'-1:postag:JJ'
-0.618132 Air b'-1:postag:JJ'
-0.624517 O b'-2:postag:SYM'
-0.626955 Gtype b'lemma[:1]:c'
-0.627961 Anti b'+2:lemma:polyclonal'
-0.635434 Med b'symb'
-0.635949 Phase b'postag[:1]:J'
-0.635949 Phase b'postag[:2]:JJ'
-0.636258 OD b'hUpper'
-0.636258 OD b'hLower'
-0.636750 O b'lemma[:2]:ri'
-0.647062 O b'+1:postag:IN'
-0.654730 O b'-2:lemma:2'
-0.655657 Phase b'postag:JJ'
-0.655964 Supp b'symb'
-0.660356 O b'+2:lemma:+'
-0.661231 O b'+1:lemma:2.0'
-0.662145 O b'-2:lemma:media'
-0.666872 O b'+2:lemma:b'
-0.675694 Anti b'+1:lemma:anti-fur'
-0.688911 O b'-1:lemma:co2'
-0.690102 Gtype b'postag[:1]:V'
-0.690102 Gtype b'postag[:2]:VB'
-0.694375 Gtype b'lemma[:1]:r'
-0.706144 O b'lemma[:2]:me'
-0.718038 O b'lemma:mid-log'
-0.724228 O b'lemma:rifampicin'
-0.735529 O b'-2:lemma::'
-0.743194 Med b'-2:postag:VBN'
-0.786989 Supp b'+1:lemma:,'
-0.786989 Supp b'+1:postag:,'
-0.789461 O b'-2:postag:RB'
-0.815790 Agit b'hUpper'
-0.815790 Agit b'hLower'
-0.824637 O b'+2:postag:-RRB-'
-0.828411 O b'-1:lemma:cra'
-0.834312 O b'+1:lemma:at'
-0.864833 O b'-1:lemma:vol'
-0.864833 O b'-2:lemma:1/100'
-0.864833 O b'+2:lemma:1m'
-0.896137 O b'-2:postag:DT'
-0.903408 Phase b'hUpper'
-0.903408 Phase b'hLower'
-0.954592 Gtype b'lemma[:1]:a'
-0.958219 Gtype b'+2:lemma:cra'
-0.959188 O b'-1:lemma:ph'
-1.006021 O b'-2:lemma:0.3'
-1.010964 O b'lemma[:2]:ae'
-1.026041 Med b'-2:lemma:grow'
-1.037767 O b'-1:postag::'
-1.062839 O b'-1:lemma:sample'
-1.105188 Supp b'lemma[:1]:c'
-1.107601 OD b'+1:postag:NN'
-1.109127 Agit b'symb'
-1.130040 Supp b'+2:postag:CD'
-1.149221 O b'lemma:0.3'
-1.151210 O b'-1:lemma:1'
-1.172944 O b'lemma[:2]:30'
-1.211332 O b'+2:lemma:then'
-1.263528 Supp b'+2:lemma:fructose'
-1.346921 O b'+2:lemma:rifampicin'
-1.394447 O b'postag:VBP'
-1.459260 Supp b'+2:lemma:1'
-1.504864 Anti b'postag:NNP'
-1.616873 O b'-1:lemma:2'
-1.627873 Supp b'+2:lemma:2'
-1.790611 O b'-1:postag:VBG'
-1.925758 O b'-2:lemma:rifampicin'
-2.014829 O b'+1:lemma:in'
-2.028945 OD b'+2:lemma:aerobically'
-2.287808 O b'+1:lemma:1'
-2.798978 O b'+1:lemma:2'
-2.902688 O b'lemma[:2]:fl'
-3.487913 O b'-1:lemma::'
-4.880856 O b'-1:lemma:_'
********** TRAINING AND TESTING REPORT **********
Training file: training-data-set-70_v4.txt
best params:{'c1': 0.06622541546379261, 'c2': 0.005803516535443396}
best CV score:0.806003784483002
model size: 0.08M
Flat F1: 0.8138835387377452
precision recall f1-score support
OD 1.000 0.405 0.577 37
pH 1.000 1.000 1.000 12
Technique 0.952 0.909 0.930 22
Med 0.897 0.912 0.904 57
Temp 0.818 1.000 0.900 18
Vess 0.000 0.000 0.000 0
Agit 0.000 0.000 0.000 0
Phase 1.000 0.947 0.973 19
Air 0.939 0.742 0.829 62
Anti 0.571 0.444 0.500 9
Strain 1.000 1.000 1.000 1
Gtype 0.876 0.802 0.837 106
Substrain 0.000 0.000 0.000 1
Supp 0.886 0.684 0.772 136
Gversion 0.000 0.000 0.000 0
avg / total 0.901 0.758 0.814 480
Top likely transitions:
Agit -> Agit 6.855330
OD -> OD 6.403256
Temp -> Temp 5.890045
Anti -> Anti 5.766779
Med -> Med 5.604768
Air -> Air 4.967782
O -> O 4.848357
Gversion -> Gversion 4.809684
Gtype -> Gtype 4.697823
Phase -> Phase 4.308635
Supp -> Supp 4.041417
Technique -> Technique 3.913590
pH -> pH 2.570273
O -> Supp 1.615671
Substrain -> Gtype 1.499561
Gtype -> Supp 1.421628
O -> Technique 1.327277
O -> Gtype 1.086040
Air -> O 0.813429
Technique -> Air 0.731728
O -> Temp 0.588704
O -> Anti 0.562550
Gtype -> pH 0.228949
Med -> O 0.224698
O -> Gversion 0.210688
Temp -> O 0.172212
O -> Med 0.102170
Gtype -> Air 0.095373
OD -> Phase 0.013336
Anti -> OD -0.004256
O -> OD -0.004531
Gtype -> Gversion -0.009932
Phase -> O -0.017336
O -> Phase -0.028487
Phase -> Technique -0.066036
Med -> Air -0.087994
Gtype -> Phase -0.099971
Supp -> Gversion -0.157806
Anti -> O -0.169383
Supp -> Temp -0.179380
Phase -> Air -0.231554
Supp -> OD -0.255465
Supp -> Anti -0.267111
Technique -> O -0.296565
OD -> Med -0.297702
Gtype -> Med -0.322957
Technique -> pH -0.337491
Supp -> O -0.351378
OD -> Gtype -0.357504
Gtype -> O -0.378451
Top unlikely transitions:
O -> Gtype 1.086040
Air -> O 0.813429
Technique -> Air 0.731728
O -> Temp 0.588704
O -> Anti 0.562550
Gtype -> pH 0.228949
Med -> O 0.224698
O -> Gversion 0.210688
Temp -> O 0.172212
O -> Med 0.102170
Gtype -> Air 0.095373
OD -> Phase 0.013336
Anti -> OD -0.004256
O -> OD -0.004531
Gtype -> Gversion -0.009932
Phase -> O -0.017336
O -> Phase -0.028487
Phase -> Technique -0.066036
Med -> Air -0.087994
Gtype -> Phase -0.099971
Supp -> Gversion -0.157806
Anti -> O -0.169383
Supp -> Temp -0.179380
Phase -> Air -0.231554
Supp -> OD -0.255465
Supp -> Anti -0.267111
Technique -> O -0.296565
OD -> Med -0.297702
Gtype -> Med -0.322957
Technique -> pH -0.337491
Supp -> O -0.351378
OD -> Gtype -0.357504
Gtype -> O -0.378451
Supp -> Gtype -0.415119
Supp -> Technique -0.546983
Air -> Supp -0.580378
Air -> OD -0.591958
Technique -> Gtype -0.721938
OD -> Air -0.869884
Agit -> O -0.874071
Technique -> OD -0.901946
Gtype -> OD -0.968255
Supp -> Air -0.992187
OD -> O -1.076988
Gtype -> Anti -1.093167
O -> Air -1.094876
Supp -> Med -1.350916
Substrain -> O -1.483392
Phase -> OD -2.458856
Med -> Supp -2.624787
Top positive:
9.234903 Supp b'lemma:Iron'
8.941229 Phase b'lemma:stationary'
8.612848 O b'lemma:_'
8.414915 Air b'lemma:anaerobic'
8.110054 Air b'lemma:aerobic'
7.668526 O b'lemma:1'
7.617369 Supp b'lemma:nitrate'
7.396629 Technique b'lemma:ChIP-exo'
7.004694 O b'lemma:rpob'
6.951208 Strain b'lemma:k-12'
6.929222 Air b'-1:lemma:ChIP-Seq'
6.919087 Supp b'lemma:pq'
6.729357 Med b'lemma:MOPS'
6.630951 Technique b'lemma:chipseq'
6.338936 Gversion b'lemma:asm584v2'
6.275492 O b'-1:lemma:tag'
6.112382 Gtype b'lemma:\xce\xb4cra'
6.001427 O b'lemma:3'
5.997947 O b'lemma:2'
5.921853 O b'lemma:\xcf\x8332'
5.917190 Gtype b'lemma:flag-tag'
5.917190 Gtype b'-1:lemma:c-terminal'
5.881286 Substrain b'lemma:mg1655'
5.839915 Phase b'lemma:mid-log'
5.810496 Air b'lemma:Aerobic'
5.761122 O b'lemma:Custom'
5.570827 O b'lemma:rep1'
5.482824 Med b'lemma:LB'
5.430575 Supp b'+1:lemma:\xc2\xb5m'
5.428880 O b'lemma:rep2'
5.402169 O b'-1:lemma:ChIP-exo'
5.366372 O b'lemma:Cra'
5.339186 Supp b'lemma:nh4cl'
5.259341 Gtype b'lemma:arca8myc'
5.256666 Gtype b'lemma:type'
5.250724 O b'lemma:rep3'
5.250467 Med b'lemma:lb'
5.157840 Supp b'lemma:rifampicin'
5.124923 O b'lemma:b'
5.111909 Gtype b'lemma:delta-arca'
5.091556 OD b'+1:lemma:stationary'
5.048220 Supp b'lemma:glucose'
5.001772 O b'postag:IN'
4.994648 Gversion b'lemma:nc'
4.925252 Gtype b'lemma:fnr8myc'
4.905784 OD b'lemma:od450'
4.901181 Gtype b'+1:lemma:type'
4.837803 Technique b'lemma:rna-seq'
4.828361 Gtype b'lemma:wt'
4.778406 O b'lemma:a'
4.678498 Supp b'lemma:acetate'
4.667864 Anti b'lemma:none'
4.612775 Technique b'lemma:rnaseq'
4.597784 Supp b'-1:lemma:Cra'
4.596321 Technique b'lemma:ChIP-Seq'
4.580488 O b'-1:lemma:0.3-0.35'
4.559265 Gtype b'-1:lemma:\xe2\x88\x86'
4.543048 Supp b'lemma:no3'
4.494990 Supp b'lemma:Fe'
4.475916 O b'lemma:-'
4.465899 Anti b'lemma:seqa'
4.445546 Gtype b'lemma:delta-fnr'
4.372585 OD b'lemma:od600'
4.346955 Technique b'lemma:chip-seq'
4.301785 O b'lemma:or'
4.260295 Gtype b'lemma:\xce\xb4fur'
4.236090 O b'lemma:for'
4.225287 O b'lemma:.'
4.225287 O b'postag:.'
4.161720 Supp b'lemma:dpd'
4.122022 O b'+1:lemma:od600'
4.073219 Vess b'lemma:flask'
4.073219 Vess b'-1:lemma:warm'
4.068384 O b'-1:lemma:anaerobic'
4.063188 Supp b'lemma:arginine'
4.026011 O b'-1:lemma:Aerobic'
4.023826 O b'postag::'
4.014353 Med b'+1:lemma:0.4'
3.983642 O b'lemma:chip'
3.937745 O b'lemma:CEL'
3.912596 Supp b'+1:lemma:1'
3.911905 Anti b'lemma:anti-myc'
3.908162 O b'-1:lemma:glucose'
3.843811 Supp b'lemma:fructose'
3.821238 Gtype b'lemma:nsrr'
3.805915 Gversion b'-1:lemma:nc'
3.773446 Gversion b'lemma:chip-seq'
3.714736 Gtype b'lemma:\xce\xb4ompr'
3.700490 O b'-1:lemma:type'
3.624739 O b'+1:postag:RB'
3.602969 Strain b'+1:lemma:substr'
3.596045 Med b'+1:lemma:minimal'
3.588702 O b'-1:lemma:lb'
3.537935 O b'+1:lemma:o.d.'
3.533153 Gversion b'lemma:000913'
3.531194 Temp b'lemma:\xc2\xb0c'
3.520259 pH b'lemma:ph5'
3.520259 pH b'+1:lemma:.5'
3.511450 Gtype b'lemma:\xe2\x88\x86'
3.509713 Technique b'-1:lemma:IP'
3.496996 Med b'lemma:m63'
3.478233 Anti b'+1:lemma:antibody'
3.475022 Temp b'-1:lemma:sample'
3.455068 Supp b'-1:lemma:+'
3.449758 Anti b'lemma:anti-rpos'
3.439491 Supp b'+1:lemma:2'
3.415465 O b'lemma:oxyr'
3.385223 Gtype b'lemma:wild-type'
3.352842 O b'postag:VBN'
3.343983 Gtype b'+1:lemma:ph5'
3.343718 Air b'postag:RB'
3.343342 Supp b'lemma:nacl'
3.321016 Gtype b'-1:lemma:ptac'
3.317465 Gtype b'-1:lemma:rpob'
3.298959 O b'lemma:with'
3.236711 O b'lemma:s'
3.233948 Temp b'-1:lemma:\xcf\x8332'
3.232171 Supp b'+1:lemma:hour'
3.226682 O b'-1:lemma:0.3'
3.213829 Gversion b'lemma:u00096'
3.213829 Gversion b'+1:lemma:.2'
3.176657 O b'lemma:ompr'
3.173449 Gversion b'lemma:.2'
3.173449 Gversion b'-1:lemma:u00096'
3.148343 Gtype b'+1:lemma:with'
3.113186 O b'lemma:at'
3.099394 Gtype b'lemma:\xce\xb4soxs'
3.081492 Gtype b'lemma:pk4854'
3.081097 Supp b'+1:lemma:_'
3.076137 Air b'lemma:Anaerobic'
3.073681 O b'lemma:Lrp'
3.064586 Phase b'+1:lemma:for'
3.047746 O b'+1:lemma:chip-seq'
3.047210 Gtype b'lemma:ptac'
3.045585 Phase b'-1:lemma:until'
3.043072 O b'-1:lemma:dpd'
3.032395 Gtype b'lemma:WT'
3.021945 Technique b'+1:lemma:chip-exo'
3.010904 Supp b'lemma:iptg'
3.001563 Anti b'+1:lemma:polyclonal'
2.979219 Supp b'lemma:Leu'
2.976675 O b'lemma:chip-arca'
2.972333 Gtype b'lemma:deltaseqa'
2.972333 Gtype b'-1:lemma:old'
2.971020 O b'lemma:affyexp'
2.960652 Air b'lemma:anerobically'
2.938684 Supp b'+1:lemma:Deficient'
2.913605 Technique b'-1:lemma:chip-exo'
2.890017 O b'lemma:argr'
2.883731 O b'+1:lemma:sparging'
2.880763 Temp b'-1:lemma:43'
2.874818 Med b'-1:lemma:ml'
2.860187 pH b'lemma:.5'
2.860187 pH b'-1:lemma:ph5'
2.852362 Gtype b'+1:lemma:pq'
2.822626 O b'lemma:soxs'
2.822626 O b'lemma:soxr'
2.796727 Temp b'lemma:43'
2.764833 Med b'lemma:L'
2.764833 Med b'+1:lemma:broth'
2.762054 O b'+1:postag:NNP'
2.755377 O b'-1:lemma:stpa'
2.737365 Supp b'-1:lemma:\xc2\xb5m'
2.727294 Temp b'lemma:37'
2.708825 Med b'-1:lemma:LB'
2.705181 O b'-1:lemma:\xc2\xb0c'
2.692331 O b'+1:lemma:pq'
2.691434 Substrain b'+1:lemma:phtpg'
2.690410 O b'lemma:purr'
2.677844 Technique b'+1:lemma:rna-seq'
2.650316 Technique b'-1:lemma:input'
2.638625 Supp b'lemma:methanol'
2.634944 Med b'+1:lemma:contain'
2.625097 Supp b'lemma:Adenine'
2.623356 O b'-1:lemma:l1'
2.607859 O b'postag:DT'
2.598485 Med b'+1:lemma:2.0'
2.589920 Gtype b'-1:lemma:phtpg'
2.581102 Med b'lemma:glucose'
2.575292 Temp b'-1:lemma:37'
2.558206 Gtype b'lemma:\xce\xb4soxr'
2.550759 Gtype b'+1:lemma:flagtag'
2.550220 Gtype b'lemma:\xce\xb4oxyr'
2.549389 Gtype b'+1:lemma:aerobic'
2.517172 Supp b'lemma:leucine'
2.411127 O b'-1:lemma:media'
2.376812 O b'lemma:2-3'
2.368251 Med b'lemma:broth'
2.368251 Med b'-1:lemma:L'
2.353760 Gtype b'-1:lemma:_'
2.331107 O b'lemma:culture'
2.315361 Med b'postag:NNP'
2.299371 O b'lemma:Fur'
2.288936 Supp b'+1:lemma:iptg'
2.280717 Air b'lemma:anaerobically'
2.278786 Air b'-1:lemma:-'
2.266514 O b'lemma:genotype/variation'
2.259722 OD b'lemma:0.3'
2.256007 Technique b'postag:NNP'
2.224072 Air b'+1:lemma:at'
Top negative:
-0.002409 Med b'lemma:-lrb-'
-0.002765 O b'+1:lemma:minimal'
-0.002819 Med b'postag:-LRB-'
-0.002883 Supp b'-1:lemma:-'
-0.003857 Agit b'postag:NN'
-0.005100 Air b'-1:lemma:anaerobically'
-0.007289 O b'lemma:lb'
-0.010248 O b'lemma:mg/ml'
-0.010248 O b'-1:lemma:150'
-0.010774 Supp b'+1:postag:CD'
-0.011526 Air b'-1:lemma:95'
-0.011818 Air b'-1:postag:CC'
-0.012619 Supp b'lemma:mm'
-0.013393 O b'-1:lemma:1'
-0.013525 O b'+1:lemma:rep1'
-0.013581 Gtype b'-1:postag:SYM'
-0.013782 OD b'+1:lemma:-lrb-'
-0.015901 OD b'-1:postag:DT'
-0.015963 O b'-1:lemma:70'
-0.016924 OD b'+1:postag:-LRB-'
-0.019258 O b'lemma:m63'
-0.020349 Gversion b'-1:postag:NN'
-0.021440 OD b'+1:lemma:0.4'
-0.022594 Air b'-1:lemma:or'
-0.022941 OD b'-1:lemma:a'
-0.026771 O b'lemma:glucose'
-0.027346 O b'+1:lemma:25'
-0.028054 OD b'lemma:~'
-0.029216 Gtype b'+1:lemma:cra'
-0.030932 Gtype b'-1:postag:NN'
-0.031890 O b'+1:lemma:~'
-0.033995 O b'+1:lemma:95'
-0.035517 O b'-1:lemma:-lrb-'
-0.036049 O b'lemma:pahse'
-0.036135 O b'lemma:purify'
-0.036681 Gtype b'-1:postag:CD'
-0.038170 Med b'-1:lemma:m63'
-0.042355 O b'+1:lemma:antibody'
-0.042769 O b'+1:lemma:0.4'
-0.043812 O b'-1:lemma:25'
-0.050331 Phase b'-1:lemma:at'
-0.051370 O b'+1:lemma:5'
-0.052602 Phase b'+1:postag:NN'
-0.053544 OD b'+1:postag:CD'
-0.055596 O b'+1:lemma:o2'
-0.056365 O b'lemma:25'
-0.065474 O b'-1:lemma:o2'
-0.070061 Gtype b'-1:postag:DT'
-0.070234 O b'-1:lemma:the'
-0.072402 O b'+1:lemma:shake'
-0.079220 Strain b'+1:postag:NN'
-0.079451 O b'+1:lemma:grow'
-0.084137 Gtype b'lemma:_'
-0.085976 O b'+1:lemma:mm'
-0.093102 Med b'+1:postag:CC'
-0.095082 Air b'postag:CD'
-0.097194 O b'lemma:o2'
-0.101822 O b'-1:lemma:30'
-0.102523 O b'-1:postag:VBN'
-0.107653 O b'lemma:cell'
-0.112633 Supp b'-1:postag:NN'
-0.116970 O b'lemma:grow'
-0.120130 O b'lemma:30'
-0.121820 Supp b'+1:postag:IN'
-0.124237 Supp b'-1:postag:NNP'
-0.125482 O b'-1:lemma:mm'
-0.128019 O b'+1:lemma:300'
-0.129344 O b'lemma:\xc2\xb0c'
-0.144557 Med b'-1:postag:NN'
-0.144770 O b'-1:postag:IN'
-0.146162 O b'-1:lemma:of'
-0.149674 Gtype b'+1:lemma:\xe2\x88\x86'
-0.154228 OD b'postag:JJ'
-0.167420 O b'lemma:n2'
-0.171707 O b'lemma:co2'
-0.172528 O b'lemma:medium'
-0.179654 Med b'+1:postag:NNS'
-0.184135 O b'-1:lemma:n2'
-0.189770 O b'+1:lemma:-rrb-'
-0.192678 O b'lemma:aerobically'
-0.195762 O b'-1:lemma:with'
-0.196208 O b'-1:lemma:ml'
-0.204813 Gtype b'-1:lemma:mg1655'
-0.205462 O b'lemma:mg1655'
-0.206806 O b'-1:lemma:e.'
-0.207893 O b'lemma:minimal'
-0.224766 Temp b'postag:JJ'
-0.225885 O b'+1:lemma:.'
-0.225885 O b'+1:postag:.'
-0.227519 O b'lemma:e.'
-0.236166 O b'-1:lemma:rifampicin'
-0.247403 O b'-1:lemma:0.2'
-0.259717 Phase b'-1:postag:NN'
-0.263053 Supp b'lemma:and'
-0.270443 O b'-1:postag:-LRB-'
-0.283380 O b'-1:lemma:um'
-0.283380 O b'+1:lemma:paraquat'
-0.289228 Med b'postag:CD'
-0.290905 O b'-1:lemma:0.1'
-0.295102 OD b'+1:lemma:and'
-0.300641 O b'-1:lemma:until'
-0.306863 O b'+1:lemma:phase'
-0.322631 O b'lemma:phase'
-0.347838 O b'+1:lemma:until'
-0.351130 O b'+1:lemma:_'
-0.365836 O b'-1:lemma:\xe2\x88\x86'
-0.367298 Anti b'+1:postag:JJ'
-0.375233 Gtype b'postag:CD'
-0.377830 Supp b'postag:CC'
-0.381771 O b'postag:RB'
-0.385165 Technique b'-1:lemma::'
-0.387729 O b'+1:postag:IN'
-0.405861 O b'+1:postag:-RRB-'
-0.419130 O b'-1:lemma:from'
-0.425366 O b'-1:lemma:od600'
-0.432532 O b'-1:lemma:cra'
-0.441409 Temp b'postag:NN'
-0.447218 O b'+1:lemma:arginine'
-0.454986 O b'+1:lemma:%'
-0.469664 Med b'+1:postag:IN'
-0.481296 Technique b'-1:postag::'
-0.482628 Gversion b'+1:postag:NN'
-0.484056 O b'-1:lemma:grow'
-0.485046 pH b'postag:NN'
-0.490017 Med b'+1:postag:NN'
-0.496154 O b'lemma:od600'
-0.500947 Supp b'+1:postag:VBN'
-0.517928 O b'+1:lemma:cell'
-0.520851 O b'-1:lemma:sample'
-0.520873 OD b'+1:postag:CC'
-0.521577 O b'+1:lemma:\xc2\xb0c'
-0.525190 Anti b'+1:lemma:anti-fur'
-0.527700 O b'-1:lemma:mid-log'
-0.533028 O b'lemma:dissolve'
-0.550892 O b'lemma:150'
-0.550892 O b'+1:lemma:mg/ml'
-0.551731 Phase b'-1:postag:JJ'
-0.571169 O b'+1:lemma:0.3'
-0.600234 O b'postag:VBP'
-0.623446 O b'lemma:anaerobic'
-0.655760 Gtype b'lemma:delta'
-0.668609 Supp b'+1:lemma:rifampicin'
-0.673715 O b'lemma:\xce\xb4fur'
-0.724036 OD b'+1:postag:NN'
-0.742000 O b'+1:postag:NNS'
-0.743016 O b'+1:lemma:c'
-0.767018 O b'-1:lemma:~'
-0.767765 Air b'-1:postag:JJ'
-0.779655 O b'lemma:media'
-0.790170 O b'lemma:\xe2\x88\x86'
-0.816065 O b'lemma:fecl2'
-0.817183 O b'lemma:dpd'
-0.835270 O b'lemma:0.3'
-0.843288 OD b'lemma:-lrb-'
-0.853171 O b'+1:lemma:fecl2'
-0.889568 O b'lemma:0.2'
-0.905209 OD b'postag:-LRB-'
-0.911568 O b'lemma:anaerobically'
-0.915420 O b'lemma:of'
-0.950583 Temp b'+1:lemma:to'
-0.950583 Temp b'+1:postag:TO'
-0.951305 O b'lemma:20'
-0.951858 O b'-1:lemma:co2'
-1.045949 O b'lemma:0.1'
-1.056174 O b'+1:lemma:supplement'
-1.088532 Supp b'+1:lemma:acetate'
-1.092708 O b'+1:postag:VBG'
-1.103190 O b'-1:postag:VBG'
-1.119328 O b'lemma:2h'
-1.119328 O b'-1:lemma:additional'
-1.131219 Supp b'-1:lemma:%'
-1.142227 O b'-1:lemma:rpob'
-1.149700 O b'lemma:mid-log'
-1.157098 Med b'-1:postag:IN'
-1.158833 O b'-1:lemma:dissolve'
-1.158833 O b'+1:lemma:methanol'
-1.159433 O b'-1:postag::'
-1.197832 Air b'postag:NN'
-1.224684 O b'-1:lemma:37'
-1.250547 O b'+1:lemma:g/l'
-1.287510 O b'+1:lemma:at'
-1.343885 O b'+1:lemma:+'
-1.550316 Air b'+1:postag:JJ'
-1.550420 O b'+1:lemma:in'
-1.655179 O b'-1:lemma:IP'
-1.671646 Anti b'postag:NNP'
-1.676942 O b'lemma:37'
-1.709933 O b'lemma:rifampicin'
-1.740594 O b'-1:lemma:nsrr'
-1.813332 O b'lemma:wt'
-1.837591 Supp b'postag:JJ'
-1.875538 O b'-1:lemma:ompr'
-1.956251 O b'+1:lemma:hour'
-2.104216 O b'-1:lemma:2'
-2.173171 Phase b'postag:JJ'
-2.198016 O b'+1:lemma:2'
-2.302343 O b'lemma:methanol'
-2.686054 O b'+1:lemma:1'
-3.664514 O b'-1:lemma:_'
-4.711592 O b'-1:lemma::'
********** TRAINING AND TESTING REPORT **********
Training file: training-data-set-70.txt
best params:{'c1': 0.07838162718183349, 'c2': 0.05887606797757319}
best CV score:0.87030448615518
model size: 0.16M
Flat F1: 0.7823412170507693
precision recall f1-score support
OD 1.000 0.818 0.900 22
pH 1.000 1.000 1.000 8
Technique 1.000 0.913 0.955 23
Med 1.000 0.925 0.961 53
Temp 0.917 0.759 0.830 29
Vess 1.000 1.000 1.000 1
Agit 0.000 0.000 0.000 0
Phase 0.875 0.933 0.903 15
Air 0.556 0.362 0.439 69
Anti 1.000 1.000 1.000 11
Strain 0.000 0.000 0.000 1
Gtype 0.849 0.859 0.854 85
Substrain 0.000 0.000 0.000 0
Supp 0.686 0.813 0.744 134
Gversion 0.000 0.000 0.000 0
avg / total 0.798 0.778 0.782 451
Top likely transitions:
Temp -> Temp 4.911417
OD -> OD 4.541853
Med -> Med 4.405893
Supp -> Supp 4.305413
Agit -> Agit 4.272648
Anti -> Anti 3.837258
O -> O 3.787660
Gtype -> Gtype 3.752687
Gversion -> Gversion 3.628661
Air -> Air 3.521236
Phase -> Phase 3.320009
Technique -> Technique 2.966375
pH -> pH 2.362986
Substrain -> Gtype 1.121355
O -> Technique 0.896285
Gtype -> Supp 0.860650
O -> Supp 0.689540
O -> Gtype 0.595827
Gtype -> Air 0.530941
Technique -> Air 0.501834
Air -> O 0.490782
Gtype -> pH 0.392258
Temp -> O 0.195983
Med -> O 0.164949
Supp -> O 0.068384
O -> Temp 0.032340
O -> pH 0.007653
O -> Strain -0.003076
Gversion -> Gtype -0.013131
Gversion -> Air -0.016755
Supp -> Anti -0.028664
Vess -> O -0.036195
Agit -> Supp -0.042183
Gtype -> Phase -0.047540
Supp -> Technique -0.060640
Supp -> pH -0.062714
O -> Phase -0.068478
Technique -> OD -0.069783
Supp -> OD -0.073453
O -> Agit -0.079631
Phase -> Air -0.079705
Anti -> Med -0.089699
Anti -> Gtype -0.095119
Gtype -> Gversion -0.100232
Temp -> Air -0.116744
OD -> O -0.129801
Phase -> Med -0.135688
Air -> Agit -0.138019
Phase -> O -0.139580
pH -> Supp -0.141124
Top unlikely transitions:
Supp -> Technique -0.060640
Supp -> pH -0.062714
O -> Phase -0.068478
Technique -> OD -0.069783
Supp -> OD -0.073453
O -> Agit -0.079631
Phase -> Air -0.079705
Anti -> Med -0.089699
Anti -> Gtype -0.095119
Gtype -> Gversion -0.100232
Temp -> Air -0.116744
OD -> O -0.129801
Phase -> Med -0.135688
Air -> Agit -0.138019
Phase -> O -0.139580
pH -> Supp -0.141124
Air -> Temp -0.146478
OD -> Supp -0.177929
Gversion -> O -0.195235
Med -> Air -0.218392
Technique -> Supp -0.218928
O -> OD -0.220859
Anti -> O -0.227867
Anti -> Supp -0.241653
Temp -> Med -0.265069
Air -> Gtype -0.270959
Gversion -> Supp -0.271472
Phase -> OD -0.278093
O -> Med -0.292957
Supp -> Phase -0.310262
Agit -> O -0.315551
Technique -> O -0.317964
Agit -> Air -0.327189
Air -> Phase -0.332685
Supp -> Gtype -0.386391
Gtype -> Technique -0.394676
Supp -> Air -0.403362
Gtype -> Anti -0.428993
Phase -> Supp -0.440098
Air -> Supp -0.449326
Technique -> pH -0.462944
Air -> Med -0.469469
OD -> Air -0.509283
Gtype -> Med -0.621751
Supp -> Med -0.659958
Gtype -> O -0.671881
O -> Air -0.712510
Technique -> Gtype -1.006943
Substrain -> O -1.077790
Med -> Supp -1.486790
Top positive:
4.124249 Anti b'-2:lemma:antibody'
3.641687 Air b'word:Aerobic'
3.497811 O b'-2:lemma:_'
3.258366 Air b'lemma:anaerobic'
3.145552 O b'lemma:_'
3.145552 O b'word:_'
3.024671 Gtype b'-2:lemma:genotype/variation'
2.928771 Air b'postag:RB'
2.783339 Technique b'word:ChIP-Seq'
2.697083 O b'lemma:2'
2.697083 O b'word:2'
2.670728 Phase b'-2:lemma:phase'
2.637125 O b'postag::'
2.618748 O b'word:Cra'
2.610104 Technique b'word:ChIP-exo'
2.571728 O b'lemma:1'
2.571728 O b'word:1'
2.511177 O b'postag:IN'
2.472685 Gtype b'-2:lemma:genotype'
2.396386 Supp b'lemma:pq'
2.396386 Supp b'word:PQ'
2.337247 O b'lemma:.'
2.337247 O b'postag:.'
2.337247 O b'word:.'
2.332296 Technique b'lemma:rna-seq'
2.320371 Gtype b'word:WT'
2.309222 Gtype b'lemma:wt'
2.274976 O b'-2:lemma:flagtag'
2.273949 Technique b'word:ChIPSeq'
2.258997 Technique b'lemma:ChIP-exo'
2.199264 Air b'word:Anaerobic'
2.142635 O b'-1:lemma:ChIP-exo'
2.096906 Supp b'lemma:nh4cl'
2.072818 Phase b'lemma:mid-log'
2.072818 Phase b'word:mid-log'
2.053563 Gtype b'lemma:wild-type'
2.044128 O b'lemma:rpob'
2.044128 O b'word:RpoB'
2.020270 O b'postag:VBN'
2.020107 O b'lemma:3'
2.020107 O b'word:3'
2.011865 Supp b'-1:word:Cra'
1.983566 Gtype b'lemma:type'
1.983566 Gtype b'word:type'
1.975796 O b'lemma:-'
1.975796 O b'word:-'
1.959537 O b'-2:lemma:medium'
1.955236 Gtype b'-2:lemma:affyexp'
1.942868 Gtype b'lemma:\xce\xb4cra'
1.939375 Gtype b'word:\xce\x94cra'
1.938173 Technique b'lemma:chipseq'
1.890561 Supp b'lemma:Iron'
1.890561 Supp b'word:Iron'
1.890561 Supp b'+1:word:Deficient'
1.890561 Supp b'-2:lemma:Anaerobic'
1.874088 Supp b'lemma:acetate'
1.874088 Supp b'word:acetate'
1.819674 pH b'+1:postag:CD'
1.788257 O b'lemma:b'
1.788257 O b'word:B'
1.782368 O b'word:A'
1.774988 O b'+2:lemma:\xc2\xb0c'
1.768402 O b'+2:postag:JJ'
1.762269 Gtype b'lemma:\xe2\x88\x86'
1.762269 Gtype b'word:\xe2\x88\x86'
1.746520 Med b'lemma:MOPS'
1.746520 Med b'word:MOPS'
1.723641 Supp b'+2:lemma:iptg'
1.722034 Air b'lemma:Aerobic'
1.705697 O b'-1:word:Aerobic'
1.703316 Anti b'+2:lemma:antibody'
1.702891 O b'postag:CC'
1.699990 Supp b'-1:lemma:with'
1.699990 Supp b'-1:word:with'
1.688533 Supp b'lemma:glucose'
1.688533 Supp b'word:glucose'
1.674465 Supp b'lemma:no3'
1.674465 Supp b'word:NO3'
1.666479 Supp b'lemma:nacl'
1.666479 Supp b'word:NaCl'
1.641938 Supp b'lemma:arginine'
1.638237 Substrain b'lemma:mg1655'
1.638237 Substrain b'word:MG1655'
1.637725 Supp b'+1:lemma:\xc2\xb5m'
1.637725 Supp b'+1:word:\xc2\xb5M'
1.636903 Med b'isUpper'
1.611838 O b'+1:postag:NNP'
1.611343 O b'lemma:a'
1.607795 Technique b'+2:lemma:ph5'
1.602510 Air b'word:anaerobic'
1.599293 O b'+1:postag:RB'
1.590988 Gtype b'-1:lemma:\xe2\x88\x86'
1.590988 Gtype b'-1:word:\xe2\x88\x86'
1.589631 Gtype b'-2:postag:DT'
1.583352 Med b'+2:postag:CC'
1.579250 O b'isLower'
1.578231 Gtype b'+2:lemma:glucose'
1.552685 Gtype b'+1:lemma:type'
1.552685 Gtype b'+1:word:type'
1.528892 Substrain b'-2:lemma:substr'
1.515887 Supp b'lemma:nitrate'
1.515887 Supp b'word:nitrate'
1.503178 O b'-1:lemma:tag'
1.473485 Gtype b'lemma:\xce\xb4soxr'
1.473485 Gtype b'word:\xce\x94soxR'
1.456677 O b'-1:word:tag'
1.455346 Gtype b'lemma:flag-tag'
1.455346 Gtype b'-1:lemma:c-terminal'
1.455346 Gtype b'word:Flag-tag'
1.455346 Gtype b'-1:word:C-terminal'
1.451462 Technique b'word:RNA-Seq'
1.434331 Supp b'-1:lemma:Cra'
1.432730 O b'+1:word:ChIP-Seq'
1.426572 O b'-1:lemma:anaerobic'
1.425108 Gtype b'lemma:\xce\xb4fur'
1.425108 Gtype b'word:\xce\x94fur'
1.425025 Technique b'lemma:rnaseq'
1.425025 Technique b'word:RNASeq'
1.416012 O b'postag:VBG'
1.415750 Gversion b'-2:lemma:nc'
1.408974 Gversion b'lemma:chip-seq'
1.379843 O b'+1:lemma:arca-8myc'
1.379843 O b'+1:word:ArcA-8myc'
1.374672 O b'lemma:with'
1.374672 O b'word:with'
1.374577 O b'lemma:Cra'
1.373182 Gversion b'word:ChIP-Seq'
1.372454 Gtype b'-2:lemma:delta'
1.369100 O b'+2:lemma:cra'
1.367463 O b'-1:lemma:0.3'
1.367463 O b'-1:word:0.3'
1.366576 O b'-2:lemma:myc'
1.365144 O b'lemma:ompr'
1.365144 O b'word:OmpR'
1.358116 Supp b'-1:postag:CC'
1.351356 Gtype b'postag:JJ'
1.340661 Strain b'+1:lemma:substr'
1.340661 Strain b'+1:word:substr'
1.340661 Strain b'-2:lemma:str'
1.337333 Gtype b'+1:lemma:with'
1.337333 Gtype b'+1:word:with'
1.331237 Supp b'-2:lemma:agent'
1.319017 Air b'+1:postag:IN'
1.313717 O b'lemma:harbor'
1.313717 O b'word:harboring'
1.311281 Technique b'-1:lemma:chip-exo'
1.310088 Air b'lemma:aerobic'
1.301908 Temp b'isNumber'
1.296057 O b'lemma:chip'
1.294021 Med b'+2:lemma:b2'
1.290231 O b'+1:lemma:pq'
1.290231 O b'+1:word:PQ'
1.288968 Supp b'-2:lemma:media'
1.285093 O b'-1:lemma:lb'
1.285093 O b'-1:word:LB'
1.284396 O b'-1:lemma:glucose'
1.284396 O b'-1:word:glucose'
1.281083 O b'-1:lemma:media'
1.281083 O b'-1:word:media'
1.280357 Med b'lemma:lb'
1.280357 Med b'word:LB'
1.277491 O b'+2:lemma:70'
1.276083 Supp b'lemma:Leu'
1.276083 Supp b'word:Leu'
1.276083 Supp b'-2:lemma:Lrp'
1.266271 Supp b'-2:lemma:induce'
1.263127 Phase b'lemma:exponential'
1.263127 Phase b'word:exponential'
1.263127 Phase b'lemma:stationary'
1.263127 Phase b'word:stationary'
1.250254 Air b'-1:lemma:ChIP-Seq'
1.250254 Air b'-1:word:ChIP-Seq'
1.245392 Air b'-2:lemma:IP'
1.237417 OD b'postag:CD'
1.227048 Supp b'-1:lemma:+'
1.227048 Supp b'-1:word:+'
1.225001 Gtype b'-1:postag:VBG'
1.222768 O b'lemma:Custom'
1.222768 O b'word:Custom'
1.222690 Strain b'lemma:k-12'
1.222690 Strain b'word:K-12'
1.211762 Gversion b'-2:lemma:build'
1.207468 Supp b'+1:lemma:1'
1.207468 Supp b'+1:word:1'
1.200932 Air b'-1:lemma:-'
1.200932 Air b'-1:word:-'
1.200071 Gversion b'lemma:nc'
1.200071 Gversion b'word:NC'
1.192535 O b'+2:lemma:fructose'
1.191869 Gtype b'postag:NN'
1.189235 pH b'lemma:ph5'
1.189235 pH b'+1:lemma:.5'
1.189235 pH b'word:pH5'
1.189235 pH b'+1:word:.5'
1.180856 O b'lemma:at'
1.174453 Supp b'lemma:rifampicin'
1.174453 Supp b'word:rifampicin'
1.166521 O b'lemma:argr'
1.166521 O b'word:ArgR'
1.162681 OD b'-1:postag:IN'
Top negative:
-0.311652 O b'+1:word:supplemented'
-0.312640 O b'-2:lemma:control'
-0.323532 O b'lemma:minimal'
-0.323532 O b'word:minimal'
-0.323844 O b'-1:lemma:ph'
-0.323844 O b'-1:word:pH'
-0.324956 O b'lemma:37'
-0.324956 O b'word:37'
-0.328081 O b'-1:lemma:cra'
-0.328436 O b'lemma:methanol'
-0.328436 O b'word:methanol'
-0.328436 O b'-2:lemma:dissolve'
-0.332352 O b'-1:lemma:37'
-0.332352 O b'-1:word:37'
-0.337835 Anti b'+1:lemma:anti-fur'
-0.337835 Anti b'+1:word:anti-Fur'
-0.338497 O b'+1:lemma:1m'
-0.338497 O b'+1:word:1M'
-0.338497 O b'-2:lemma:vol'
-0.340286 O b'+2:lemma:add'
-0.348253 Supp b'-1:lemma:10'
-0.348253 Supp b'-1:word:10'
-0.355580 O b'-2:lemma:10'
-0.356547 O b'-2:lemma:minimal'
-0.359288 O b'-1:lemma:ml'
-0.359288 O b'-1:word:ml'
-0.361424 O b'-1:lemma:dissolve'
-0.361424 O b'+1:lemma:methanol'
-0.361424 O b'-1:word:dissolved'
-0.361424 O b'+1:word:methanol'
-0.367262 Substrain b'isLower'
-0.367703 Supp b'postag:CC'
-0.367998 O b'-1:lemma:co2'
-0.367998 O b'-1:word:CO2'
-0.370364 O b'+2:lemma:-rrb-'
-0.374065 O b'-2:lemma:genome'
-0.375208 Supp b'-2:lemma:.'
-0.375208 Supp b'-2:postag:.'
-0.378770 O b'+2:lemma:at'
-0.385912 O b'-1:lemma:fresh'
-0.385912 O b'-1:word:fresh'
-0.389093 Strain b'isLower'
-0.389489 Temp b'-2:postag:NN'
-0.390296 O b'lemma:aerobic'
-0.391758 O b'-2:lemma:aerobically'
-0.393460 O b'-1:lemma:2'
-0.393460 O b'-1:word:2'
-0.397723 O b'+1:lemma:mm'
-0.397723 O b'+1:word:mM'
-0.398729 O b'-1:lemma:rpob'
-0.398729 O b'-1:word:RpoB'
-0.401643 O b'-1:lemma:mm'
-0.401643 O b'-1:word:mM'
-0.402690 Supp b'-2:lemma:grow'
-0.403521 O b'-2:lemma:pahse'
-0.404104 O b'-1:lemma:grow'
-0.411213 O b'lemma:nitrogen'
-0.411213 O b'word:nitrogen'
-0.411373 O b'+1:lemma:+'
-0.411373 O b'+1:word:+'
-0.415137 Gtype b'-2:postag:CD'
-0.424176 O b'+1:word:ChIP-exo'
-0.437712 O b'-2:postag:SYM'
-0.445165 Supp b'+1:lemma:,'
-0.445165 Supp b'+1:postag:,'
-0.445165 Supp b'+1:word:,'
-0.453707 O b'lemma:fructose'
-0.453707 O b'word:fructose'
-0.457985 O b'-2:lemma:nh4cl'
-0.460272 O b'lemma:anaerobically'
-0.460272 O b'word:anaerobically'
-0.460899 O b'+2:lemma:reference'
-0.461152 O b'lemma:2h'
-0.461152 O b'-1:lemma:additional'
-0.461152 O b'word:2h'
-0.461152 O b'-1:word:additional'
-0.465651 O b'-2:lemma:rpob'
-0.467210 O b'lemma:anaerobic'
-0.482841 Supp b'+1:lemma:-lrb-'
-0.482841 Supp b'+1:word:-LRB-'
-0.487123 O b'-1:lemma:\xe2\x88\x86'
-0.487123 O b'-1:word:\xe2\x88\x86'
-0.490214 O b'lemma:aerobically'
-0.490214 O b'word:aerobically'
-0.493650 O b'lemma:of'
-0.493650 O b'word:of'
-0.498710 O b'+2:lemma:mid-log'
-0.499349 O b'-1:lemma:30'
-0.499349 O b'-1:word:30'
-0.499545 O b'+2:lemma:fnr'
-0.506778 Supp b'+1:postag:-LRB-'
-0.511585 O b'word:ChIP-exo'
-0.513406 O b'-1:lemma:chip-exo'
-0.517504 Supp b'+2:lemma:glucose'
-0.518174 O b'+1:lemma:g/l'
-0.518174 O b'+1:word:g/L'
-0.520916 O b'-2:lemma:anaerobically'
-0.530292 O b'+2:postag:-RRB-'
-0.531458 Med b'-1:postag:NN'
-0.532473 O b'lemma:nh4cl'
-0.535293 O b'-2:lemma:IP'
-0.538050 Gtype b'-2:lemma:\xe2\x88\x86'
-0.542753 pH b'isUpper'
-0.559582 O b'lemma:glucose'
-0.559582 O b'word:glucose'
-0.563071 O b'-2:lemma:dpd'
-0.568245 O b'+1:lemma:until'
-0.568245 O b'+1:word:until'
-0.569455 Supp b'-2:postag:NNS'
-0.569843 Air b'+1:postag:JJ'
-0.573996 O b'lemma:\xce\xb4fur'
-0.573996 O b'word:\xce\x94fur'
-0.574100 O b'+1:postag:IN'
-0.583141 O b'+1:lemma:in'
-0.583141 O b'+1:word:in'
-0.584211 O b'lemma:30'
-0.584211 O b'word:30'
-0.587080 Agit b'isUpper'
-0.591540 Supp b'-1:postag:NNP'
-0.595806 O b'-1:postag::'
-0.599170 O b'-2:lemma:phase'
-0.601235 O b'+2:lemma:b'
-0.602048 O b'+2:lemma:then'
-0.608335 O b'-1:lemma:1'
-0.608335 O b'-1:word:1'
-0.608384 Anti b'isUpper'
-0.617575 O b'-2:lemma:until'
-0.617630 O b'lemma:mid-log'
-0.617630 O b'word:mid-log'
-0.621155 O b'-2:lemma:fresh'
-0.626295 O b'-2:lemma:media'
-0.635986 Phase b'isUpper'
-0.639041 O b'+2:lemma:250'
-0.644310 Supp b'-2:postag:JJ'
-0.653651 O b'+1:lemma:at'
-0.653651 O b'+1:word:at'
-0.658042 Supp b'-2:lemma:treat'
-0.664028 Med b'+2:postag:VBN'
-0.670366 O b'-1:lemma:nsrr'
-0.670366 O b'-1:word:NsrR'
-0.670591 O b'-2:postag:DT'
-0.674143 O b'-1:lemma:vol'
-0.674143 O b'-1:word:vol'
-0.674143 O b'-2:lemma:1/100'
-0.674143 O b'+2:lemma:1m'
-0.698342 Med b'-2:postag:VBN'
-0.715097 O b'+1:lemma:2.0'
-0.715097 O b'+1:word:2.0'
-0.721531 pH b'isLower'
-0.742327 O b'-1:lemma:sample'
-0.752266 O b'lemma:nitrate'
-0.752266 O b'word:nitrate'
-0.767047 O b'-2:lemma::'
-0.787116 O b'lemma:rifampicin'
-0.787116 O b'word:rifampicin'
-0.792673 O b'+2:lemma:rifampicin'
-0.797812 O b'+1:postag:VBG'
-0.816000 O b'lemma:wt'
-0.816563 O b'-1:lemma:IP'
-0.816563 O b'-1:word:IP'
-0.834409 O b'lemma:0.3'
-0.834409 O b'word:0.3'
-0.837034 Supp b'+2:postag:CD'
-0.838689 O b'postag:VBP'
-0.840231 Technique b'isNumber'
-0.846346 Air b'postag:NN'
-0.850091 Gtype b'postag:VBG'
-0.854432 O b'-2:postag:RB'
-0.883296 Gtype b'isLower'
-0.888784 O b'lemma:media'
-0.888784 O b'word:media'
-0.895754 Gversion b'isLower'
-0.904522 Temp b'postag:NN'
-0.924495 O b'+2:lemma:+'
-0.935152 Gtype b'+2:lemma:cra'
-0.943613 Gtype b'isNumber'
-0.975059 O b'postag:RB'
-1.021612 Med b'-2:lemma:grow'
-1.024421 Anti b'+2:lemma:polyclonal'
-1.031484 O b'-2:lemma:rifampicin'
-1.059929 O b'+1:lemma:1'
-1.059929 O b'+1:word:1'
-1.084068 Supp b'+2:lemma:fructose'
-1.123084 Technique b'isLower'
-1.132053 O b'-2:lemma:0.3'
-1.168749 Supp b'+2:lemma:1'
-1.183772 OD b'+1:postag:NN'
-1.263288 OD b'+2:lemma:aerobically'
-1.270174 Supp b'+2:lemma:2'
-1.329893 Anti b'postag:NNP'
-1.366300 O b'+1:lemma:2'
-1.366300 O b'+1:word:2'
-1.389405 Phase b'-1:postag:JJ'
-1.607302 Supp b'postag:JJ'
-1.676382 O b'-1:postag:VBG'
-1.773723 O b'-1:lemma::'
-1.773723 O b'-1:word::'
-1.857508 Phase b'postag:JJ'
-1.945074 O b'-1:lemma:_'
-1.945074 O b'-1:word:_'
********** TRAINING AND TESTING REPORT **********
Training file: training-data-set-70_v4.txt
best params:{'c1': 0.15174828379035918, 'c2': 0.004631150546332649}
best CV score:0.8039437168420447
model size: 0.06M
Flat F1: 0.7844164550442063
precision recall f1-score support
OD 1.000 0.405 0.577 37
pH 1.000 1.000 1.000 12
Technique 0.952 0.909 0.930 22
Med 0.800 0.842 0.821 57
Temp 0.818 1.000 0.900 18
Vess 0.000 0.000 0.000 0
Agit 0.000 0.000 0.000 0
Phase 1.000 0.947 0.973 19
Air 0.807 0.742 0.773 62
Anti 0.571 0.444 0.500 9
Strain 1.000 1.000 1.000 1
Gtype 0.866 0.792 0.828 106
Substrain 0.000 0.000 0.000 1
Supp 0.807 0.676 0.736 136
Gversion 0.000 0.000 0.000 0
avg / total 0.848 0.746 0.784 480
Top likely transitions:
Agit -> Agit 6.791682
OD -> OD 6.218349
Med -> Med 5.630081
Temp -> Temp 5.606252
Anti -> Anti 5.592992
Air -> Air 5.496160
Gtype -> Gtype 5.032489
O -> O 4.908086
Phase -> Phase 4.730701
Gversion -> Gversion 4.476840
Technique -> Technique 4.434337
Supp -> Supp 4.084657
pH -> pH 1.968754
Substrain -> Gtype 1.897449
O -> Supp 1.725753
Air -> O 1.650897
O -> Gtype 1.589697
Gtype -> Supp 1.521503
O -> Technique 1.404884
Technique -> Air 0.905351
O -> Temp 0.873962
O -> Anti 0.719006
Med -> O 0.502394
O -> Gversion 0.498028
Temp -> O 0.179242
OD -> Phase 0.164045
O -> Phase 0.156883
Phase -> O 0.137263
Gtype -> Air 0.075321
Gtype -> pH 0.063986
O -> Med 0.051856
O -> Strain 0.030496
Supp -> O 0.016375
Anti -> O 0.009641
O -> OD -0.006635
OD -> Med -0.051166
Technique -> OD -0.093116
Supp -> OD -0.100162
Supp -> Air -0.273856
Gtype -> O -0.276598
Technique -> Gtype -0.372736
Gtype -> Anti -0.373755
Gtype -> Med -0.384161
OD -> O -0.433058
Agit -> O -0.645946
O -> Air -0.659946
Substrain -> O -0.912411
Gtype -> OD -0.984268
Supp -> Med -1.212185
Med -> Supp -1.967819
Top unlikely transitions:
OD -> OD 6.218349
Med -> Med 5.630081
Temp -> Temp 5.606252
Anti -> Anti 5.592992
Air -> Air 5.496160
Gtype -> Gtype 5.032489
O -> O 4.908086
Phase -> Phase 4.730701
Gversion -> Gversion 4.476840
Technique -> Technique 4.434337
Supp -> Supp 4.084657
pH -> pH 1.968754
Substrain -> Gtype 1.897449
O -> Supp 1.725753
Air -> O 1.650897
O -> Gtype 1.589697
Gtype -> Supp 1.521503
O -> Technique 1.404884
Technique -> Air 0.905351
O -> Temp 0.873962
O -> Anti 0.719006
Med -> O 0.502394
O -> Gversion 0.498028
Temp -> O 0.179242
OD -> Phase 0.164045
O -> Phase 0.156883
Phase -> O 0.137263
Gtype -> Air 0.075321
Gtype -> pH 0.063986
O -> Med 0.051856
O -> Strain 0.030496
Supp -> O 0.016375
Anti -> O 0.009641
O -> OD -0.006635
OD -> Med -0.051166
Technique -> OD -0.093116
Supp -> OD -0.100162
Supp -> Air -0.273856
Gtype -> O -0.276598
Technique -> Gtype -0.372736
Gtype -> Anti -0.373755
Gtype -> Med -0.384161
OD -> O -0.433058
Agit -> O -0.645946
O -> Air -0.659946
Substrain -> O -0.912411
Gtype -> OD -0.984268
Supp -> Med -1.212185
Med -> Supp -1.967819
Phase -> OD -2.190300
Top positive:
10.442312 Supp b'lemma:Iron'
9.237513 O b'lemma:_'
8.066306 Phase b'lemma:stationary'
8.024906 Air b'lemma:aerobic'
7.908903 O b'lemma:1'
7.889018 Supp b'lemma:nitrate'
7.674820 Air b'lemma:anaerobic'
7.633175 Technique b'lemma:ChIP-exo'
6.899479 Strain b'lemma:k-12'
6.830547 Med b'lemma:MOPS'
6.657016 O b'lemma:rpob'
6.360670 O b'lemma:2'
6.250166 Gtype b'lemma:type'
6.190584 Substrain b'lemma:mg1655'
6.146067 Air b'-1:lemma:ChIP-Seq'
6.024964 Gversion b'lemma:asm584v2'
5.999859 Technique b'lemma:chipseq'
5.989574 Phase b'lemma:mid-log'
5.930186 Supp b'lemma:pq'
5.914739 O b'lemma:3'
5.824268 O b'lemma:Custom'
5.823157 O b'-1:lemma:tag'
5.790768 O b'-1:lemma:ChIP-exo'
5.787399 Gtype b'lemma:\xce\xb4cra'
5.679226 Air b'lemma:Aerobic'
5.626571 OD b'lemma:od600'
5.547367 Technique b'lemma:ChIP-Seq'
5.529761 O b'lemma:rep2'
5.480516 Med b'lemma:LB'
5.426406 O b'lemma:rep1'
5.393841 Gversion b'lemma:nc'
5.303166 Gtype b'lemma:flag-tag'
5.303166 Gtype b'-1:lemma:c-terminal'
5.281475 Supp b'+1:lemma:\xc2\xb5m'
5.272063 O b'lemma:b'
5.200310 O b'lemma:rep3'
5.142193 OD b'lemma:od450'
5.096163 O b'lemma:\xcf\x8332'
4.990214 O b'lemma:Cra'
4.926222 O b'lemma:a'
4.919918 Gtype b'-1:lemma:\xe2\x88\x86'
4.861544 Supp b'lemma:nh4cl'
4.812167 Gtype b'+1:lemma:type'
4.803668 Gtype b'lemma:wt'
4.778995 Gtype b'lemma:delta-arca'
4.686613 Gtype b'lemma:arca8myc'
4.679240 O b'postag::'
4.678684 O b'postag:IN'
4.626493 OD b'+1:lemma:stationary'
4.555800 Med b'lemma:lb'
4.525977 Gversion b'-1:lemma:nc'
4.514336 Supp b'lemma:glucose'
4.505232 Supp b'lemma:Fe'
4.499806 Gtype b'lemma:fnr8myc'
4.365930 Technique b'lemma:rna-seq'
4.353053 Supp b'lemma:rifampicin'
4.322748 Gtype b'lemma:\xce\xb4fur'
4.244815 Anti b'lemma:none'
4.188590 O b'-1:lemma:Aerobic'
4.181353 Temp b'-1:lemma:sample'
4.061718 Supp b'lemma:dpd'
4.014721 Gtype b'lemma:delta-fnr'
3.991603 Technique b'lemma:rnaseq'
3.988938 O b'lemma:-'
3.968688 O b'-1:lemma:0.3-0.35'
3.942988 Technique b'lemma:chip-seq'
3.894918 Supp b'lemma:acetate'
3.894666 O b'lemma:or'
3.891632 O b'lemma:.'
3.891632 O b'postag:.'
3.833478 Supp b'lemma:arginine'
3.829349 Supp b'lemma:no3'
3.814064 Temp b'-1:lemma:\xcf\x8332'
3.734701 Gtype b'+1:lemma:ph5'
3.730485 Gtype b'lemma:\xce\xb4ompr'
3.716590 Anti b'lemma:seqa'
3.692742 Gtype b'lemma:wild-type'
3.691658 Vess b'lemma:flask'
3.691658 Vess b'-1:lemma:warm'
3.680323 O b'+1:lemma:od600'
3.566813 pH b'lemma:ph5'
3.566813 pH b'+1:lemma:.5'
3.560406 Gtype b'lemma:nsrr'
3.535215 O b'-1:lemma:type'
3.524717 O b'+1:postag:RB'
3.508650 Supp b'lemma:fructose'
3.483038 O b'lemma:chip'
3.461944 Supp b'-1:lemma:Cra'
3.457426 Strain b'+1:lemma:substr'
3.436475 Supp b'+1:lemma:1'
3.379628 Anti b'lemma:anti-myc'
3.377053 Anti b'+1:lemma:antibody'
3.370766 Technique b'-1:lemma:IP'
3.365056 Gtype b'lemma:\xe2\x88\x86'
3.358640 O b'-1:lemma:anaerobic'
3.348760 O b'lemma:CEL'
3.347149 Med b'+1:lemma:0.4'
3.346755 Anti b'lemma:anti-rpos'
3.291412 Gtype b'-1:lemma:ptac'
3.278055 Gversion b'lemma:chip-seq'
3.276131 O b'-1:lemma:0.3'
3.234361 O b'-1:lemma:glucose'
3.215739 O b'lemma:with'
3.173824 Technique b'+1:lemma:chip-exo'
3.151844 Med b'lemma:m63'
3.095334 O b'lemma:2-3'
3.095161 Gversion b'lemma:.2'
3.095161 Gversion b'-1:lemma:u00096'
3.091572 O b'postag:VBN'
3.064702 Gversion b'lemma:u00096'
3.064702 Gversion b'+1:lemma:.2'
3.050277 Temp b'-1:lemma:37'
3.030666 Gtype b'+1:lemma:with'
3.027065 Supp b'+1:lemma:hour'
3.014173 O b'+1:lemma:chip-seq'
3.004960 Gtype b'+1:lemma:flagtag'
2.985168 O b'lemma:for'
2.975989 Supp b'-1:lemma:+'
2.944441 O b'lemma:oxyr'
2.938101 Gtype b'-1:lemma:phtpg'
2.932689 Gtype b'-1:lemma:rpob'
2.920019 Gtype b'+1:lemma:pq'
2.881207 Supp b'lemma:nacl'
2.860299 O b'lemma:s'
2.845172 Supp b'+1:lemma:2'
2.832035 pH b'lemma:.5'
2.832035 pH b'-1:lemma:ph5'
2.826929 Supp b'lemma:Leu'
2.812269 O b'+1:postag:NNP'
2.781059 Air b'lemma:anaerobically'
2.778609 O b'-1:lemma:lb'
2.760280 O b'+1:lemma:o.d.'
2.735776 Temp b'lemma:\xc2\xb0c'
2.720218 O b'lemma:at'
2.711579 Technique b'-1:lemma:chip-exo'
2.699401 O b'lemma:ompr'
2.690406 Air b'-1:lemma:-'
2.684684 Gtype b'lemma:\xce\xb4soxs'
2.665215 Supp b'+1:lemma:_'
2.660630 Phase b'-1:lemma:until'
2.607235 Med b'lemma:L'
2.607235 Med b'+1:lemma:broth'
2.606476 Med b'+1:lemma:minimal'
2.603782 O b'+1:lemma:pq'
2.599075 Supp b'-1:lemma:\xc2\xb5m'
2.567370 O b'-1:lemma:\xc2\xb0c'
2.524994 Supp b'lemma:Adenine'
2.522705 Gtype b'lemma:deltaseqa'
2.522705 Gtype b'-1:lemma:old'
2.484836 Temp b'-1:lemma:43'
2.470532 Supp b'lemma:20'
2.469573 O b'lemma:culture'
2.450105 Technique b'-1:lemma:input'
2.449141 O b'postag:DT'
2.444936 Med b'+1:lemma:2.0'
2.421299 Med b'-1:lemma:ml'
2.419343 Temp b'lemma:43'
2.410866 O b'+1:lemma:mid-log'
2.405996 Supp b'lemma:iptg'
2.397598 Air b'postag:RB'
2.397388 Med b'+1:lemma:g/l'
2.360509 Gtype b'-1:lemma:nsrr'
2.349789 O b'lemma:condition'
2.348126 Gtype b'lemma:ptac'
2.347726 Gversion b'lemma:000913'
2.337057 O b'lemma:chip-arca'
2.336687 Gtype b'lemma:pk4854'
2.327964 Med b'lemma:media'
2.272835 O b'-1:lemma:stpa'
2.265750 O b'lemma:Lrp'
2.265406 O b'lemma:soxs'
2.265406 O b'lemma:soxr'
2.262228 O b'postag:VBG'
2.253322 O b'-1:lemma:l1'
2.237857 Air b'lemma:anerobically'
2.184062 O b'-1:lemma:media'
2.159204 Supp b'-1:lemma:with'
2.158856 O b'lemma:genotype/variation'
2.157878 O b'-1:lemma:dpd'
2.152540 Gtype b'lemma:dfnr'
2.148134 O b'lemma:affyexp'
2.137699 O b'postag:CC'
2.111648 Supp b'lemma:methanol'
2.108494 O b'+1:postag:VBP'
2.075540 OD b'lemma:phase'
2.075417 Gversion b'postag:CD'
2.068323 Supp b'lemma:0.2'
2.064252 Gtype b'-1:lemma:vector'
2.056563 OD b'lemma:0.3'
2.050748 OD b'-1:lemma:~'
2.050625 Gtype b'lemma:WT'
2.032571 Temp b'lemma:37'
2.018067 Gtype b'+1:lemma:_'
2.017840 O b'lemma:Fur'
2.011856 O b'lemma:argr'
2.006861 Technique b'+1:lemma:rna-seq'
1.998918 O b'lemma:purr'
1.996704 Phase b'+1:lemma:for'
1.989638 Med b'lemma:glucose'
1.943868 Phase b'-1:lemma:mid-log'
Top negative:
0.000312 OD b'-1:lemma:mid-log'
0.000096 OD b'-1:postag:VBN'
0.000087 Gtype b'-1:lemma:small'
0.000087 Med b'-1:lemma:g/l'
0.000084 Agit b'+1:postag:NN'
0.000056 O b'+1:lemma:ChIP-Seq'
0.000053 Supp b'-1:lemma:1g/l'
0.000051 O b'lemma:hour'
0.000051 Gtype b'lemma:cra'
0.000036 OD b'lemma:and'
0.000021 Temp b'lemma:-lrb-'
0.000021 Temp b'postag:-LRB-'
0.000019 O b'-1:lemma:l2'
0.000014 Technique b'+1:lemma:-rrb-'
0.000014 Technique b'+1:postag:-RRB-'
0.000007 Gtype b'lemma:small'
-0.000002 Gversion b'-1:postag:NN'
-0.000046 O b'-1:lemma:g/l'
-0.000070 Supp b'-1:lemma:and'
-0.000073 O b'-1:lemma:1'
-0.000129 Med b'postag:CD'
-0.000455 O b'-1:lemma:20'
-0.000511 OD b'+1:postag:-LRB-'
-0.000708 OD b'+1:postag:NNS'
-0.000735 Gtype b'postag:CD'
-0.000807 Gtype b'+1:postag:NNS'
-0.000867 O b'+1:postag:CD'
-0.000974 Gtype b'-1:postag:CD'
-0.001057 O b'+1:lemma:~'
-0.001061 O b'+1:lemma:fnr'
-0.001528 Air b'+1:lemma:70'
-0.001678 O b'-1:lemma:the'
-0.001682 O b'postag:VBP'
-0.002024 O b'+1:lemma:min'
-0.002325 Phase b'-1:postag:NN'
-0.002352 O b'lemma:n2'
-0.002519 O b'lemma:\xce\xb4fur'
-0.002662 Air b'lemma:,'
-0.002662 Air b'postag:,'
-0.005486 Gtype b'+1:lemma:2'
-0.006088 O b'+1:lemma:o2'
-0.006828 Air b'-1:lemma:and'
-0.008457 Temp b'-1:lemma:\xc2\xb0c'
-0.009847 O b'-1:lemma:,'
-0.009847 O b'-1:postag:,'
-0.010744 O b'+1:lemma:phase'
-0.011644 O b'lemma:cell'
-0.011902 Gtype b'-1:postag:NNP'
-0.013075 OD b'+1:lemma:and'
-0.013273 O b'-1:lemma:\xe2\x88\x86'
-0.013803 O b'lemma:e.'
-0.013807 O b'-1:lemma:sample'
-0.013821 O b'+1:lemma:mm'
-0.014710 O b'+1:lemma:rep1'
-0.015201 Air b'+1:lemma:-lrb-'
-0.015350 OD b'+1:postag:CD'
-0.017836 O b'+1:lemma:grow'
-0.019975 O b'lemma:anaerobic'
-0.024268 Air b'+1:postag:CD'
-0.025672 O b'lemma:medium'
-0.025888 O b'+1:lemma:95'
-0.026118 O b'lemma:k-12'
-0.027112 O b'+1:lemma:25'
-0.029447 Air b'postag:CC'
-0.030441 O b'lemma:m63'
-0.030598 OD b'+1:postag:CC'
-0.032367 O b'lemma:grow'
-0.035584 Air b'+1:postag:-LRB-'
-0.039003 O b'lemma:mg/ml'
-0.039003 O b'-1:lemma:150'
-0.041109 O b'-1:lemma:e.'
-0.043248 Supp b'-1:postag:NN'
-0.049539 Gversion b'+1:postag:NN'
-0.050421 O b'lemma:25'
-0.053998 Temp b'postag:JJ'
-0.060680 O b'-1:lemma:at'
-0.060890 Phase b'-1:postag:JJ'
-0.061474 O b'lemma:lb'
-0.064297 Med b'-1:postag:NN'
-0.065687 O b'-1:postag:VBN'
-0.067931 O b'-1:lemma:o2'
-0.068731 O b'+1:lemma:5'
-0.069126 O b'+1:lemma:shake'
-0.069173 O b'-1:lemma:25'
-0.071503 Air b'-1:postag:CC'
-0.075779 O b'+1:lemma:0.4'
-0.077365 Air b'-1:lemma:or'
-0.080349 O b'lemma:30'
-0.087136 O b'-1:lemma:mm'
-0.089014 pH b'postag:NN'
-0.089177 O b'lemma:o2'
-0.097371 Supp b'lemma:and'
-0.101711 Gtype b'-1:postag:DT'
-0.104337 O b'+1:lemma:antibody'
-0.113298 O b'-1:lemma:um'
-0.113298 O b'+1:lemma:paraquat'
-0.118293 Phase b'+1:postag:NN'
-0.119989 O b'-1:lemma:30'
-0.126122 Phase b'-1:lemma:at'
-0.135089 Supp b'postag:CC'
-0.137129 O b'-1:postag:IN'
-0.138660 O b'+1:lemma:arginine'
-0.139143 O b'+1:lemma:until'
-0.162860 O b'lemma:150'
-0.162860 O b'+1:lemma:mg/ml'
-0.164772 OD b'postag:JJ'
-0.171975 Temp b'postag:NN'
-0.183842 O b'lemma:phase'
-0.184042 O b'+1:lemma:-rrb-'
-0.185930 O b'-1:lemma:-lrb-'
-0.185933 O b'-1:lemma:rifampicin'
-0.195035 Med b'-1:postag:IN'
-0.204004 Anti b'+1:postag:JJ'
-0.210272 Gtype b'lemma:delta'
-0.217084 Supp b'+1:postag:VBN'
-0.218515 O b'lemma:co2'
-0.219042 O b'-1:lemma:of'
-0.220276 O b'+1:lemma:%'
-0.228465 Med b'+1:postag:NN'
-0.229909 O b'-1:lemma:n2'
-0.230847 OD b'+1:postag:NN'
-0.248221 O b'-1:lemma:ml'
-0.250359 Anti b'+1:lemma:anti-fur'
-0.279734 O b'+1:lemma:0.3'
-0.283648 O b'-1:postag:-LRB-'
-0.286892 O b'-1:lemma:mid-log'
-0.312152 Gtype b'-1:postag:NN'
-0.322232 O b'-1:lemma:0.1'
-0.331861 O b'+1:postag:-RRB-'
-0.336159 O b'-1:lemma:from'
-0.340286 Med b'+1:postag:IN'
-0.341633 O b'+1:postag:IN'
-0.355453 O b'-1:lemma:cra'
-0.366315 O b'+1:lemma:.'
-0.366315 O b'+1:postag:.'
-0.376920 O b'postag:RB'
-0.405053 O b'lemma:\xe2\x88\x86'
-0.424434 O b'+1:postag:NNS'
-0.430071 O b'lemma:aerobically'
-0.440727 Air b'postag:CD'
-0.446825 O b'lemma:anaerobically'
-0.447447 O b'-1:lemma:od600'
-0.465924 O b'+1:lemma:cell'
-0.468267 O b'lemma:od600'
-0.472878 O b'lemma:dissolve'
-0.502409 O b'lemma:20'
-0.508433 O b'-1:lemma:~'
-0.524904 Air b'-1:postag:JJ'
-0.543671 O b'+1:lemma:fecl2'
-0.554628 O b'-1:lemma:0.2'
-0.556138 Temp b'+1:lemma:to'
-0.556138 Temp b'+1:postag:TO'
-0.589220 Supp b'+1:lemma:rifampicin'
-0.610212 O b'lemma:0.3'
-0.622831 O b'lemma:media'
-0.657974 O b'-1:lemma:37'
-0.677014 Supp b'-1:lemma:%'
-0.678005 O b'+1:lemma:\xc2\xb0c'
-0.707832 O b'lemma:of'
-0.722898 O b'-1:lemma:rpob'
-0.723244 O b'+1:lemma:+'
-0.755790 OD b'lemma:-lrb-'
-0.789730 O b'lemma:0.2'
-0.814406 O b'-1:lemma:grow'
-0.909402 O b'-1:postag::'
-0.915529 O b'-1:postag:VBG'
-0.926818 Technique b'-1:postag::'
-0.933497 OD b'postag:-LRB-'
-0.980631 O b'lemma:fecl2'
-1.017727 O b'-1:lemma:dissolve'
-1.017727 O b'+1:lemma:methanol'
-1.020513 O b'lemma:2h'
-1.020513 O b'-1:lemma:additional'
-1.034839 O b'lemma:37'
-1.121637 O b'lemma:0.1'
-1.205775 O b'+1:lemma:supplement'
-1.230075 Supp b'+1:lemma:acetate'
-1.250120 O b'+1:postag:VBG'
-1.256564 O b'lemma:wt'
-1.276371 O b'+1:lemma:g/l'
-1.304341 O b'-1:lemma:IP'
-1.328183 O b'-1:lemma:co2'
-1.391087 O b'-1:lemma:ompr'
-1.452522 Anti b'postag:NNP'
-1.489210 O b'+1:lemma:at'
-1.603327 Air b'+1:postag:JJ'
-1.726036 O b'lemma:mid-log'
-1.737094 O b'lemma:rifampicin'
-1.758957 O b'-1:lemma:nsrr'
-1.762287 Supp b'postag:JJ'
-1.770399 Air b'postag:NN'
-1.810971 O b'+1:lemma:hour'
-2.081711 Phase b'postag:JJ'
-2.115674 O b'lemma:methanol'
-2.200974 O b'+1:lemma:in'
-2.263160 O b'+1:lemma:2'
-2.388655 O b'-1:lemma:2'
-2.590523 O b'+1:lemma:1'
-4.545984 O b'-1:lemma::'
-4.681648 O b'-1:lemma:_'
********** TRAINING AND TESTING REPORT **********
Training file: training-data-set-70.txt
best params:{'c1': 0.04223966754804299, 'c2': 0.014836666503726496}
best CV score:0.879077327666518
model size: 0.17M
Flat F1: 0.7889011067174645
precision recall f1-score support
OD 1.000 0.818 0.900 22
pH 1.000 1.000 1.000 8
Technique 1.000 0.913 0.955 23
Med 1.000 0.962 0.981 53
Temp 0.923 0.828 0.873 29
Vess 1.000 1.000 1.000 1
Agit 0.000 0.000 0.000 0
Phase 0.882 1.000 0.938 15
Air 0.556 0.362 0.439 69
Anti 1.000 1.000 1.000 11
Strain 0.000 0.000 0.000 1
Gtype 0.864 0.824 0.843 85
Substrain 0.000 0.000 0.000 0
Supp 0.716 0.791 0.752 134
Gversion 0.000 0.000 0.000 0
avg / total 0.811 0.776 0.789 451
Top likely transitions:
Temp -> Temp 6.132401
Agit -> Agit 5.867978
Med -> Med 5.493382
Anti -> Anti 4.899201
Gversion -> Gversion 4.720775
OD -> OD 4.580439
Gtype -> Gtype 4.270714
Supp -> Supp 4.146870
O -> O 4.001305
Phase -> Phase 3.777096
Air -> Air 3.280795
Technique -> Technique 3.042386
pH -> pH 2.638890
Substrain -> Gtype 0.639428
O -> Technique 0.597359
O -> Gtype 0.301586
Med -> O 0.113620
Gtype -> Air 0.032970
Air -> O 0.023112
Temp -> O 0.007528
O -> Temp 0.000729
Agit -> O -0.000016
Supp -> Technique -0.000031
O -> Strain -0.002771
Phase -> Air -0.018013
Technique -> OD -0.019361
Supp -> OD -0.031281
pH -> Supp -0.038004
Air -> Gtype -0.060170
OD -> Supp -0.078565
Anti -> Gtype -0.100971
Gtype -> Phase -0.118162
Gtype -> Anti -0.120765
Air -> Agit -0.147345
Air -> Temp -0.149520
Anti -> Air -0.164013
Gversion -> Supp -0.166044
Anti -> O -0.170392
Gtype -> OD -0.173948
Anti -> Supp -0.206647
Air -> Technique -0.220913
Technique -> Gtype -0.276956
Supp -> Phase -0.297344
Air -> Phase -0.306210
O -> Supp -0.348583
O -> Med -0.368131
Phase -> OD -0.382985
O -> Phase -0.399249
OD -> Air -0.479222
Phase -> Supp -0.503166
Top unlikely transitions:
Agit -> O -0.000016
Supp -> Technique -0.000031
O -> Strain -0.002771
Phase -> Air -0.018013
Technique -> OD -0.019361
Supp -> OD -0.031281
pH -> Supp -0.038004
Air -> Gtype -0.060170
OD -> Supp -0.078565
Anti -> Gtype -0.100971
Gtype -> Phase -0.118162
Gtype -> Anti -0.120765
Air -> Agit -0.147345
Air -> Temp -0.149520
Anti -> Air -0.164013
Gversion -> Supp -0.166044
Anti -> O -0.170392
Gtype -> OD -0.173948
Anti -> Supp -0.206647
Air -> Technique -0.220913
Technique -> Gtype -0.276956
Supp -> Phase -0.297344
Air -> Phase -0.306210
O -> Supp -0.348583
O -> Med -0.368131
Phase -> OD -0.382985
O -> Phase -0.399249
OD -> Air -0.479222
Phase -> Supp -0.503166
Supp -> Air -0.513142
Phase -> O -0.522452
Air -> Med -0.532689
Gtype -> Med -0.539650
Technique -> Supp -0.572989
Gtype -> Technique -0.595348
Temp -> Med -0.595579
Supp -> Gtype -0.613937
Agit -> Air -0.625302
OD -> O -0.641071
Gversion -> O -0.641193
Technique -> pH -0.782400
Supp -> O -0.786822
Supp -> Med -0.932343
Air -> Supp -0.964410
Technique -> O -1.106191
O -> OD -1.374945
Gtype -> O -1.475612
Substrain -> O -1.620808
Med -> Supp -1.753990
O -> Air -1.843623
Top positive:
5.458764 Anti b'-2:lemma:antibody'
4.034933 O b'-2:lemma:_'
3.995360 Technique b'lemma[:2]:Ch'
3.737588 O b'lemma[:2]:re'
3.686472 Gtype b'lemma[:1]:\xce\xb4'
3.552793 Phase b'-2:lemma:phase'
3.469041 Air b'word:Aerobic'
3.439462 O b'lemma:2'
3.439462 O b'word:2'
3.243564 Air b'lemma:anaerobic'
3.182295 Supp b'-1:word:Cra'
3.047566 Gtype b'-2:lemma:genotype/variation'
3.006963 O b'-2:lemma:medium'
2.984615 O b'lemma:1'
2.984615 O b'word:1'
2.738121 O b'lemma:-'
2.738121 O b'word:-'
2.718196 O b'+1:postag:RB'
2.700586 O b'word:Cra'
2.653876 Supp b'+2:lemma:iptg'
2.620648 O b'lemma:with'
2.620648 O b'word:with'
2.599865 O b'lemma:_'
2.599865 O b'lemma[:1]:_'
2.599865 O b'word:_'
2.575314 Med b'+2:postag:CC'
2.571913 Supp b'lemma:arginine'
2.568347 O b'word:A'
2.546240 Gtype b'lemma[:2]:pk'
2.527855 O b'lemma:3'
2.527855 O b'word:3'
2.379121 O b'-1:lemma:ChIP-exo'
2.355972 O b'lemma[:2]:ge'
2.355054 Technique b'lemma[:2]:rn'
2.341062 Supp b'lemma:pq'
2.341062 Supp b'lemma[:2]:pq'
2.341062 Supp b'word:PQ'
2.297430 O b'+2:lemma:cra'
2.280338 O b'+2:lemma:\xc2\xb0c'
2.251142 O b'+2:lemma:70'
2.245883 Gtype b'word:WT'
2.241264 Air b'word:Anaerobic'
2.237739 Supp b'+2:lemma:for'
2.234179 Anti b'+2:lemma:antibody'
2.153589 O b'-1:lemma:tag'
2.117142 O b'lemma[:1]:h'
2.088934 Air b'lemma[:2]:ae'
2.076795 Technique b'word:ChIPSeq'
2.068935 Gtype b'hGreek'
2.047132 O b'-2:lemma:mid-log'
2.041924 O b'lemma:.'
2.041924 O b'postag:.'
2.041924 O b'postag[:1]:.'
2.041924 O b'word:.'
2.032495 Gtype b'-1:lemma:\xe2\x88\x86'
2.032495 Gtype b'-1:word:\xe2\x88\x86'
2.016938 Gtype b'lemma[:1]:w'
2.000225 O b'+2:lemma:fructose'
1.992930 Supp b'-1:lemma:with'
1.992930 Supp b'-1:word:with'
1.991763 Gtype b'-2:lemma:delta'
1.990954 Substrain b'lemma[:2]:mg'
1.983708 Phase b'+2:lemma:o.d.'
1.977886 Supp b'-1:lemma:Cra'
1.960916 Phase b'lemma:mid-log'
1.960916 Phase b'word:mid-log'
1.958437 Phase b'lemma[:2]:ex'
1.945077 Supp b'-1:postag:CC'
1.944452 Substrain b'lemma[:1]:m'
1.940793 Gtype b'lemma:type'
1.940793 Gtype b'lemma[:2]:ty'
1.940793 Gtype b'word:type'
1.931978 Technique b'lemma:chipseq'
1.906924 O b'+1:postag:NNP'
1.904357 O b'lemma:b'
1.904357 O b'word:B'
1.900770 O b'-1:word:tag'
1.894287 Technique b'lemma:ChIP-exo'
1.866276 Technique b'lemma[:1]:C'
1.856571 O b'-1:word:Aerobic'
1.849985 Supp b'lemma:Iron'
1.849985 Supp b'lemma[:2]:Ir'
1.849985 Supp b'word:Iron'
1.849985 Supp b'+1:word:Deficient'
1.849985 Supp b'-2:lemma:Anaerobic'
1.843831 Supp b'lemma:acetate'
1.843831 Supp b'word:acetate'
1.843349 Air b'lemma[:1]:A'
1.840981 Supp b'-2:lemma:media'
1.831812 Technique b'lemma[:2]:ch'
1.820538 Gtype b'-2:postag:DT'
1.819950 Supp b'-1:lemma:+'
1.819950 Supp b'-1:word:+'
1.813584 Air b'lemma[:1]:a'
1.788160 Gversion b'word:ChIP-Seq'
1.786490 Gtype b'-2:lemma:genotype'
1.771090 Gtype b'+1:lemma:type'
1.771090 Gtype b'+1:word:type'
1.765859 Gtype b'-2:lemma:affyexp'
1.729836 Gversion b'lemma:chip-seq'
1.715972 Air b'lemma[:2]:an'
1.702637 O b'-2:lemma:myc'
1.701777 O b'-2:lemma:flagtag'
1.685559 Supp b'-2:lemma:agent'
1.676248 Supp b'lemma[:1]:n'
1.665235 Technique b'symb'
1.650041 Technique b'-1:lemma:chip-exo'
1.645472 O b'-1:lemma:anaerobic'
1.628175 Gtype b'lemma[:2]:ar'
1.620209 Supp b'postag:VBP'
1.612275 O b'isLower'
1.611690 O b'+1:lemma:pq'
1.611690 O b'+1:word:PQ'
1.609561 Supp b'lemma[:1]:I'
1.608561 O b'-1:lemma:media'
1.608561 O b'-1:word:media'
1.597175 Med b'isUpper'
1.593363 Gtype b'lemma:wt'
1.593363 Gtype b'lemma[:2]:wt'
1.593216 Med b'+2:lemma:b2'
1.592123 Supp b'-2:lemma:induce'
1.590184 Air b'lemma:Aerobic'
1.590184 Air b'lemma[:2]:Ae'
1.571628 Phase b'lemma:stationary'
1.571628 Phase b'word:stationary'
1.555960 Gtype b'lemma[:1]:f'
1.552005 Med b'lemma:MOPS'
1.552005 Med b'lemma[:1]:M'
1.552005 Med b'lemma[:2]:MO'
1.552005 Med b'word:MOPS'
1.545220 Technique b'word:ChIP-Seq'
1.544051 Supp b'lemma[:2]:gl'
1.540691 O b'-1:lemma:0.3'
1.540691 O b'-1:word:0.3'
1.540357 Supp b'-2:lemma:argr'
1.535458 Gtype b'symb'
1.531560 O b'-2:lemma:fructose'
1.530754 O b'-1:lemma:lb'
1.530754 O b'-1:word:LB'
1.528067 Supp b'-1:lemma:final'
1.528067 Supp b'-1:word:final'
1.513494 Phase b'-2:lemma:until'
1.493341 Supp b'lemma:fructose'
1.493341 Supp b'word:fructose'
1.491583 Technique b'-1:lemma:input'
1.491583 Technique b'-1:word:Input'
1.487376 Supp b'lemma[:2]:ac'
1.472895 pH b'+1:postag:CD'
1.458550 O b'-1:lemma:glucose'
1.458550 O b'-1:word:glucose'
1.450710 Gtype b'-1:postag:VBG'
1.450118 Air b'-1:postag::'
1.449701 Supp b'+1:lemma:\xc2\xb5m'
1.449701 Supp b'+1:word:\xc2\xb5M'
1.430882 O b'+1:lemma:mid-log'
1.430882 O b'+1:word:mid-log'
1.420013 Strain b'+1:lemma:substr'
1.420013 Strain b'+1:word:substr'
1.420013 Strain b'-2:lemma:str'
1.408799 O b'lemma:Custom'
1.408799 O b'lemma[:2]:Cu'
1.408799 O b'word:Custom'
1.401545 O b'lemma:chip'
1.400074 O b'lemma[:1]:C'
1.398389 Gtype b'lemma[:2]:wi'
1.394023 O b'lemma:rpob'
1.394023 O b'word:RpoB'
1.389762 Supp b'-2:lemma:supplement'
1.388021 Supp b'lemma[:2]:ni'
1.387197 Phase b'lemma[:1]:e'
1.380149 Air b'postag:RB'
1.380149 Air b'postag[:1]:R'
1.380149 Air b'postag[:2]:RB'
1.378405 O b'lemma:a'
1.377531 O b'+1:word:ChIP-Seq'
1.375054 Technique b'+2:lemma:ph5'
1.371660 Anti b'+1:lemma:antibody'
1.371660 Anti b'+1:word:antibody'
1.355865 O b'postag:VBN'
1.352947 OD b'lemma:0.3'
1.352947 OD b'word:0.3'
1.351689 Phase b'+1:lemma:phase'
1.351689 Phase b'+1:word:phase'
1.350446 pH b'lemma[:2]:ph'
1.341756 O b'isNumber'
1.330917 Supp b'+1:lemma:1'
1.330917 Supp b'+1:word:1'
1.327538 Gversion b'-2:lemma:build'
1.323732 O b'lemma:ompr'
1.323732 O b'word:OmpR'
1.322881 Air b'+1:postag:IN'
1.322130 Temp b'-1:lemma:43'
1.322130 Temp b'-1:word:43'
1.298940 O b'-1:lemma:aerobically'
1.298940 O b'-1:word:aerobically'
1.297300 OD b'lemma[:1]:o'
1.295797 Med b'+1:lemma:0.4'
1.295797 Med b'+1:word:0.4'
1.282176 O b'+2:postag:JJ'
1.271164 O b'+2:lemma:polyclonal'
Top negative:
-0.367697 Supp b'-1:postag:-LRB-'
-0.371915 O b'-2:lemma:fresh'
-0.376710 O b'+2:lemma:fnr'
-0.377206 O b'lemma:2h'
-0.377206 O b'-1:lemma:additional'
-0.377206 O b'lemma[:2]:2h'
-0.377206 O b'word:2h'
-0.377206 O b'-1:word:additional'
-0.379729 O b'-2:postag:-LRB-'
-0.380849 Air b'-1:postag:JJ'
-0.381928 Strain b'isLower'
-0.382657 Med b'-1:postag:IN'
-0.383403 O b'-2:lemma:at'
-0.384281 Technique b'postag:NN'
-0.389220 O b'-1:lemma:until'
-0.389220 O b'-1:word:until'
-0.393047 O b'lemma[:1]:4'
-0.393058 O b'+2:lemma:follow'
-0.393999 O b'-1:lemma:control'
-0.393999 O b'-1:word:control'
-0.395395 O b'lemma[:2]:0.'
-0.396201 O b'-2:lemma:minimal'
-0.397167 O b'lemma:37'
-0.397167 O b'lemma[:2]:37'
-0.397167 O b'word:37'
-0.397928 Gtype b'lemma[:1]:g'
-0.404533 O b'lemma:glucose'
-0.404533 O b'word:glucose'
-0.408273 O b'lemma:30'
-0.408273 O b'word:30'
-0.409885 O b'-2:lemma:supplement'
-0.411648 O b'+1:lemma:mm'
-0.411648 O b'+1:word:mM'
-0.412683 O b'+2:lemma:at'
-0.413401 O b'-2:lemma:of'
-0.419317 O b'-2:postag:RB'
-0.420417 Temp b'isLower'
-0.424626 O b'+1:lemma:phase'
-0.424626 O b'+1:word:phase'
-0.426973 Supp b'lemma[:1]:s'
-0.427251 O b'lemma:wt'
-0.427251 O b'lemma[:2]:wt'
-0.434566 O b'+2:lemma:mid-log'
-0.434970 O b'lemma[:1]:0'
-0.440663 O b'-1:lemma:37'
-0.440663 O b'-1:word:37'
-0.441568 Temp b'-2:postag:NN'
-0.443930 O b'lemma[:1]:\xce\xb4'
-0.458877 O b'-1:lemma:mm'
-0.458877 O b'-1:word:mM'
-0.463660 Supp b'+1:postag:NNS'
-0.463834 O b'lemma:media'
-0.463834 O b'word:media'
-0.464229 O b'-2:lemma:a'
-0.482105 O b'-1:lemma:\xe2\x88\x86'
-0.482105 O b'-1:word:\xe2\x88\x86'
-0.485832 O b'+1:word:ChIP-exo'
-0.487845 Supp b'hGreek'
-0.488218 O b'-2:lemma:nh4cl'
-0.497873 Supp b'+2:postag:NNP'
-0.503699 O b'-2:lemma:genome'
-0.505194 O b'+2:lemma:b'
-0.506273 O b'-1:lemma:IP'
-0.506273 O b'-1:word:IP'
-0.506359 O b'-1:lemma:nsrr'
-0.506359 O b'-1:word:NsrR'
-0.506668 O b'lemma[:1]:L'
-0.507329 O b'+1:postag:VBG'
-0.511337 O b'+1:lemma:2.0'
-0.511337 O b'+1:word:2.0'
-0.514855 Gtype b'lemma[:1]:h'
-0.521122 Med b'-1:postag:NN'
-0.525468 O b'+1:lemma:until'
-0.525468 O b'+1:word:until'
-0.529295 Med b'postag[:1]:C'
-0.531677 O b'+1:lemma:+'
-0.531677 O b'+1:word:+'
-0.535215 O b'lemma[:2]:ar'
-0.537907 O b'lemma[:2]:gl'
-0.550679 Air b'isLower'
-0.551345 O b'-1:lemma:ml'
-0.551345 O b'-1:word:ml'
-0.555528 Supp b'+1:lemma:,'
-0.555528 Supp b'+1:postag:,'
-0.555528 Supp b'+1:word:,'
-0.562680 Gtype b'lemma[:1]:s'
-0.564487 O b'lemma[:1]:p'
-0.574109 Agit b'symb'
-0.582388 O b'-2:postag:DT'
-0.587178 O b'-2:lemma:rpob'
-0.589072 O b'+2:lemma:.'
-0.589072 O b'+2:postag:.'
-0.595658 O b'+1:lemma:g/l'
-0.595658 O b'+1:word:g/L'
-0.596954 O b'-2:postag:SYM'
-0.599195 O b'-1:lemma:rpob'
-0.599195 O b'-1:word:RpoB'
-0.604186 O b'+2:lemma:250'
-0.608815 Supp b'+1:lemma:-lrb-'
-0.608815 Supp b'+1:word:-LRB-'
-0.609845 Anti b'isUpper'
-0.610591 Technique b'isNumber'
-0.617650 O b'-1:lemma:co2'
-0.617650 O b'-1:word:CO2'
-0.622948 Supp b'+1:postag:-LRB-'
-0.641001 Agit b'hUpper'
-0.641001 Agit b'hLower'
-0.645491 O b'+1:postag:IN'
-0.647159 Gtype b'postag[:1]:V'
-0.647159 Gtype b'postag[:2]:VB'
-0.659968 O b'lemma[:2]:ri'
-0.661117 Anti b'+2:postag:JJ'
-0.661585 O b'-1:lemma:1'
-0.661585 O b'-1:word:1'
-0.666026 O b'lemma:mid-log'
-0.666026 O b'word:mid-log'
-0.667310 O b'-2:lemma:pahse'
-0.680963 Anti b'+2:lemma:polyclonal'
-0.685918 Supp b'-1:postag:NNP'
-0.698925 Supp b'-2:postag:JJ'
-0.704054 O b'lemma[:1]:d'
-0.707980 Gtype b'-2:lemma:\xe2\x88\x86'
-0.710771 O b'+2:postag:-RRB-'
-0.713877 O b'+1:lemma:at'
-0.713877 O b'+1:word:at'
-0.722406 O b'-2:lemma::'
-0.722643 O b'lemma:rifampicin'
-0.722643 O b'word:rifampicin'
-0.728674 Med b'-2:postag:VBN'
-0.732685 Supp b'-2:lemma:treat'
-0.742976 Anti b'+1:lemma:anti-fur'
-0.742976 Anti b'+1:word:anti-Fur'
-0.744610 O b'lemma[:1]:k'
-0.745118 O b'-2:lemma:aerobically'
-0.745353 O b'lemma:anaerobic'
-0.747402 O b'+1:lemma:in'
-0.747402 O b'+1:word:in'
-0.757568 O b'+2:lemma:tag'
-0.766874 O b'lemma[:1]:I'
-0.768100 O b'-1:postag::'
-0.770179 O b'-1:lemma:2'
-0.770179 O b'-1:word:2'
-0.779152 Gtype b'isNumber'
-0.782788 Technique b'isLower'
-0.789896 Phase b'hUpper'
-0.789896 Phase b'hLower'
-0.799453 O b'lemma[:1]:n'
-0.803431 pH b'isLower'
-0.809089 O b'-2:postag::'
-0.822848 O b'-2:lemma:dpd'
-0.835295 Supp b'lemma[:2]:an'
-0.862215 O b'-2:lemma:phase'
-0.867939 Gtype b'lemma[:1]:c'
-0.884275 Supp b'+2:lemma:glucose'
-0.904915 Gtype b'lemma[:1]:a'
-0.913465 O b'-1:lemma:vol'
-0.913465 O b'-1:word:vol'
-0.913465 O b'-2:lemma:1/100'
-0.913465 O b'+2:lemma:1m'
-0.930521 Supp b'+2:postag:CD'
-0.948465 O b'-2:lemma:rifampicin'
-0.960959 O b'-2:lemma:until'
-0.973929 O b'+2:lemma:+'
-0.989863 OD b'+1:postag:NN'
-0.993812 Med b'symb'
-1.066464 Gtype b'+2:lemma:cra'
-1.076108 Gtype b'isUpper'
-1.103829 O b'lemma[:2]:ae'
-1.145933 Supp b'-2:lemma:grow'
-1.165009 O b'+2:lemma:then'
-1.184152 Phase b'postag[:1]:J'
-1.184152 Phase b'postag[:2]:JJ'
-1.216149 Gtype b'lemma[:1]:r'
-1.241717 O b'+2:lemma:rifampicin'
-1.245965 Gversion b'isLower'
-1.248268 O b'lemma[:2]:30'
-1.250676 O b'+1:lemma:1'
-1.250676 O b'+1:word:1'
-1.261488 Phase b'postag:JJ'
-1.293329 Anti b'postag:NNP'
-1.311043 Supp b'lemma[:1]:c'
-1.361957 O b'-1:lemma:sample'
-1.486502 Phase b'-1:postag:JJ'
-1.506572 Supp b'+2:lemma:1'
-1.518267 Supp b'+2:lemma:2'
-1.561744 O b'-2:lemma:0.3'
-1.581023 O b'-2:lemma:media'
-1.615538 Med b'-2:lemma:grow'
-1.662192 O b'+1:lemma:2'
-1.662192 O b'+1:word:2'
-1.765435 Med b'+2:postag:VBN'
-1.789575 Supp b'+2:lemma:fructose'
-1.949737 O b'postag:VBP'
-2.303519 O b'-1:postag:VBG'
-2.349341 O b'lemma[:2]:fl'
-2.351661 OD b'+2:lemma:aerobically'
-2.480527 O b'-1:lemma::'
-2.480527 O b'-1:word::'
-2.674521 O b'-1:lemma:_'
-2.674521 O b'-1:word:_'
********** TRAINING AND TESTING REPORT **********
Training file: training-data-set-70_v4.txt
best params:{'c1': 0.16058815571126603, 'c2': 0.009129664457456948}
best CV score:0.7991895289243558
model size: 0.07M
Flat F1: 0.7842038431135264
precision recall f1-score support
OD 1.000 0.405 0.577 37
pH 1.000 1.000 1.000 12
Technique 0.952 0.909 0.930 22
Med 0.800 0.842 0.821 57
Temp 0.818 1.000 0.900 18
Vess 0.000 0.000 0.000 0
Agit 0.000 0.000 0.000 0
Phase 1.000 0.947 0.973 19
Air 0.780 0.742 0.760 62
Anti 0.571 0.444 0.500 9
Strain 1.000 1.000 1.000 1
Gtype 0.872 0.774 0.820 106
Substrain 0.000 0.000 0.000 1
Supp 0.823 0.684 0.747 136
Gversion 0.000 0.000 0.000 0
avg / total 0.850 0.744 0.784 480
Top likely transitions:
Agit -> Agit 6.719064
OD -> OD 6.323533
Temp -> Temp 5.626965
Med -> Med 5.518631
Anti -> Anti 5.387568
Air -> Air 5.306006
Gtype -> Gtype 4.649741
O -> O 4.602569
Phase -> Phase 4.554949
Gversion -> Gversion 4.497882
Supp -> Supp 4.147792
Technique -> Technique 4.061262
pH -> pH 2.238372
O -> Supp 1.895496
Air -> O 1.750002
Gtype -> Supp 1.554366
Substrain -> Gtype 1.504459
O -> Gtype 1.372037
O -> Technique 1.353039
Technique -> Air 0.944695
O -> Anti 0.631594
O -> Temp 0.503749
Med -> O 0.429416
O -> Gversion 0.344788
OD -> Phase 0.332615
Temp -> O 0.259256
O -> Med 0.223793
Gtype -> Air 0.098960
Supp -> O 0.061572
O -> Phase 0.048636
Gtype -> pH 0.031023
Phase -> O 0.028306
O -> Strain 0.026662
OD -> Air -0.000013
Technique -> O -0.002223
Technique -> Gtype -0.072225
Supp -> Air -0.245156
Technique -> OD -0.270904
OD -> Med -0.284259
Gtype -> Med -0.389196
Gtype -> O -0.401680
OD -> O -0.570578
Agit -> O -0.633985
Gtype -> Anti -0.634022
O -> Air -0.700283
Gtype -> OD -0.910835
Supp -> Med -0.967944
Substrain -> O -1.090330
Med -> Supp -1.725214
Phase -> OD -1.762859
Top unlikely transitions:
Agit -> Agit 6.719064
OD -> OD 6.323533
Temp -> Temp 5.626965
Med -> Med 5.518631
Anti -> Anti 5.387568
Air -> Air 5.306006
Gtype -> Gtype 4.649741
O -> O 4.602569
Phase -> Phase 4.554949
Gversion -> Gversion 4.497882
Supp -> Supp 4.147792
Technique -> Technique 4.061262
pH -> pH 2.238372
O -> Supp 1.895496
Air -> O 1.750002
Gtype -> Supp 1.554366
Substrain -> Gtype 1.504459
O -> Gtype 1.372037
O -> Technique 1.353039
Technique -> Air 0.944695
O -> Anti 0.631594
O -> Temp 0.503749
Med -> O 0.429416
O -> Gversion 0.344788
OD -> Phase 0.332615
Temp -> O 0.259256
O -> Med 0.223793
Gtype -> Air 0.098960
Supp -> O 0.061572
O -> Phase 0.048636
Gtype -> pH 0.031023
Phase -> O 0.028306
O -> Strain 0.026662
OD -> Air -0.000013
Technique -> O -0.002223
Technique -> Gtype -0.072225
Supp -> Air -0.245156
Technique -> OD -0.270904
OD -> Med -0.284259
Gtype -> Med -0.389196
Gtype -> O -0.401680
OD -> O -0.570578
Agit -> O -0.633985
Gtype -> Anti -0.634022
O -> Air -0.700283
Gtype -> OD -0.910835
Supp -> Med -0.967944
Substrain -> O -1.090330
Med -> Supp -1.725214
Phase -> OD -1.762859
Top positive:
8.837637 Phase b'lemma:stationary'
8.799335 Supp b'lemma:Iron'
8.611049 O b'lemma:_'
7.279883 O b'lemma:1'
6.932654 Supp b'lemma:nitrate'
6.880712 Air b'lemma:anaerobic'
6.848692 Strain b'lemma:k-12'
6.839307 Air b'lemma:aerobic'
6.789788 Technique b'lemma:ChIP-exo'
6.727217 Phase b'lemma:mid-log'
6.413420 O b'lemma:rpob'
5.946980 O b'lemma:2'
5.848343 Technique b'lemma:chipseq'
5.826514 Substrain b'lemma:mg1655'
5.584982 Supp b'lemma:pq'
5.578193 O b'-1:lemma:tag'
5.564380 Gtype b'lemma:\xce\xb4cra'
5.533718 Air b'-1:lemma:ChIP-Seq'
5.522763 Gversion b'lemma:asm584v2'
5.497653 O b'lemma:3'
5.471837 Med b'lemma:MOPS'
5.411070 O b'lemma:\xcf\x8332'
5.308684 Gtype b'lemma:type'
5.245931 O b'-1:lemma:ChIP-exo'
5.210520 O b'lemma:rep1'
5.173302 Air b'lemma:Aerobic'
4.949891 O b'lemma:rep2'
4.893059 Med b'lemma:LB'
4.891835 O b'lemma:b'
4.883141 O b'postag:IN'
4.880173 Gtype b'lemma:flag-tag'
4.880173 Gtype b'-1:lemma:c-terminal'
4.852218 O b'lemma:rep3'
4.830297 OD b'lemma:od600'
4.826485 Supp b'lemma:nh4cl'
4.743281 Technique b'lemma:ChIP-Seq'
4.722036 O b'lemma:Custom'
4.717849 Gversion b'lemma:nc'
4.701135 Gtype b'+1:lemma:type'
4.682123 O b'postag::'
4.648660 Gtype b'-1:lemma:\xe2\x88\x86'
4.639269 Supp b'+1:lemma:\xc2\xb5m'
4.607690 O b'lemma:a'
4.570893 Med b'lemma:lb'
4.466395 O b'lemma:Cra'
4.390246 Supp b'lemma:glucose'
4.349340 Gtype b'lemma:arca8myc'
4.320335 Gtype b'lemma:wt'
4.311807 Gtype b'lemma:delta-arca'
4.197474 Technique b'lemma:rna-seq'
4.168693 O b'-1:lemma:Aerobic'
4.160315 Supp b'lemma:Fe'
4.109646 Gtype b'lemma:fnr8myc'
4.033076 OD b'lemma:od450'
3.947930 Gversion b'-1:lemma:nc'
3.908993 Anti b'lemma:none'
3.885757 O b'-1:lemma:0.3-0.35'
3.879994 Technique b'lemma:rnaseq'
3.842850 Supp b'lemma:dpd'
3.840223 Supp b'lemma:rifampicin'
3.804681 Vess b'lemma:flask'
3.804681 Vess b'-1:lemma:warm'
3.791974 Supp b'lemma:no3'
3.760306 O b'lemma:.'
3.760306 O b'postag:.'
3.728479 Technique b'lemma:chip-seq'
3.712550 Gtype b'lemma:\xe2\x88\x86'
3.655598 Gtype b'lemma:delta-fnr'
3.646988 Supp b'lemma:acetate'
3.634096 Gtype b'lemma:\xce\xb4fur'
3.586071 Gtype b'lemma:nsrr'
3.578964 OD b'+1:lemma:stationary'
3.567614 Med b'+1:lemma:0.4'
3.480912 Supp b'+1:lemma:1'
3.460781 Anti b'lemma:seqa'
3.449791 Supp b'lemma:arginine'
3.441583 Supp b'+1:lemma:hour'
3.432425 O b'lemma:-'
3.371367 O b'+1:lemma:od600'
3.362556 O b'-1:lemma:type'
3.291275 O b'lemma:or'
3.273720 O b'postag:VBN'
3.265269 Temp b'-1:lemma:\xcf\x8332'
3.250448 Supp b'lemma:fructose'
3.225849 Gtype b'+1:lemma:ph5'
3.222217 Temp b'-1:lemma:sample'
3.219063 Med b'lemma:m63'
3.216977 O b'lemma:CEL'
3.176530 Anti b'lemma:anti-myc'
3.146575 O b'+1:postag:RB'
3.134788 O b'-1:lemma:glucose'
3.125043 Gtype b'lemma:\xce\xb4ompr'
3.100972 Strain b'+1:lemma:substr'
3.072971 pH b'lemma:ph5'
3.072971 pH b'+1:lemma:.5'
3.067075 O b'-1:lemma:0.3'
3.036857 O b'lemma:chip'
3.030617 Supp b'-1:lemma:Cra'
3.025659 Gtype b'+1:lemma:with'
3.008031 Gversion b'lemma:chip-seq'
2.994019 Gversion b'lemma:u00096'
2.994019 Gversion b'+1:lemma:.2'
2.993336 Supp b'+1:lemma:2'
2.990986 Gtype b'lemma:wild-type'
2.989694 O b'-1:lemma:anaerobic'
2.983685 Anti b'+1:lemma:antibody'
2.981744 Technique b'+1:lemma:chip-exo'
2.956476 Gtype b'+1:lemma:pq'
2.936131 Technique b'-1:lemma:IP'
2.919804 Gtype b'-1:lemma:ptac'
2.910451 Med b'+1:lemma:minimal'
2.869576 Gversion b'lemma:000913'
2.862556 O b'lemma:s'
2.839985 O b'lemma:with'
2.828830 Gtype b'-1:lemma:rpob'
2.818885 Anti b'lemma:anti-rpos'
2.813806 Gtype b'+1:lemma:flagtag'
2.813297 O b'-1:lemma:lb'
2.741808 Temp b'-1:lemma:43'
2.719888 Supp b'-1:lemma:+'
2.682019 Technique b'-1:lemma:chip-exo'
2.665763 O b'+1:postag:NNP'
2.664036 O b'postag:CC'
2.648305 Supp b'lemma:nacl'
2.635798 Gversion b'lemma:.2'
2.635798 Gversion b'-1:lemma:u00096'
2.631519 OD b'-1:lemma:~'
2.630404 pH b'lemma:.5'
2.630404 pH b'-1:lemma:ph5'
2.610537 Temp b'-1:lemma:37'
2.585402 O b'postag:VBG'
2.582024 O b'lemma:oxyr'
2.534944 Gtype b'lemma:\xce\xb4soxs'
2.529286 Med b'lemma:media'
2.526833 O b'lemma:for'
2.522683 Temp b'lemma:\xc2\xb0c'
2.517678 O b'+1:lemma:pq'
2.481621 O b'postag:DT'
2.467547 Air b'postag:RB'
2.465592 Supp b'+1:lemma:_'
2.465328 Supp b'-1:lemma:\xc2\xb5m'
2.462075 Supp b'lemma:Leu'
2.457045 Air b'-1:lemma:-'
2.398092 Supp b'lemma:20'
2.393465 O b'-1:lemma:l1'
2.392516 OD b'lemma:0.3'
2.388541 O b'+1:lemma:chip-seq'
2.372930 O b'lemma:culture'
2.354906 Med b'+1:lemma:2.0'
2.354774 O b'lemma:2-3'
2.346860 O b'lemma:affyexp'
2.323757 Technique b'-1:lemma:input'
2.321220 Gtype b'lemma:pk4854'
2.318926 O b'+1:lemma:o.d.'
2.307787 Temp b'lemma:43'
2.301344 Med b'+1:lemma:g/l'
2.300110 Med b'-1:lemma:ml'
2.281743 Air b'lemma:anaerobically'
2.255382 Gtype b'lemma:deltaseqa'
2.255382 Gtype b'-1:lemma:old'
2.248647 Temp b'lemma:37'
2.228191 O b'lemma:ompr'
2.227705 O b'-1:lemma:\xc2\xb0c'
2.223375 Supp b'lemma:Adenine'
2.216690 Supp b'lemma:iptg'
2.192106 Gtype b'lemma:ptac'
2.185607 Phase b'-1:lemma:until'
2.150538 O b'-1:lemma:stpa'
2.139915 Gtype b'-1:lemma:nsrr'
2.138681 O b'+1:lemma:sparging'
2.124332 Med b'lemma:L'
2.124332 Med b'+1:lemma:broth'
2.090590 Air b'lemma:Anaerobic'
2.084963 O b'lemma:condition'
2.083373 Supp b'lemma:0.2'
2.071469 O b'lemma:at'
2.070008 O b'+1:lemma:anti-fur'
2.046312 O b'lemma:Lrp'
2.038220 Phase b'-1:lemma:mid-log'
2.029113 O b'lemma:chip-arca'
2.027744 Supp b'lemma:methanol'
2.017925 Technique b'+1:lemma:rna-seq'
2.017005 Substrain b'+1:lemma:phtpg'
2.011726 Med b'lemma:broth'
2.011726 Med b'-1:lemma:L'
1.998337 pH b'+1:postag:CD'
1.982325 O b'lemma:Fur'
1.968163 Med b'lemma:glucose'
1.939193 Gversion b'postag:CD'
1.930022 Phase b'+1:postag:NNS'
1.926820 O b'lemma:soxs'
1.926820 O b'lemma:soxr'
1.910127 Supp b'-1:lemma:with'
1.904564 Air b'lemma:anerobically'
1.901117 O b'lemma:genotype/variation'
1.899206 Gtype b'+1:lemma:_'
1.889629 Gtype b'lemma:WT'
1.854673 Phase b'+1:lemma:for'
1.839203 Temp b'-1:lemma:30'
1.838657 Temp b'+1:lemma:\xc2\xb0c'
Top negative:
0.009154 Gtype b'-1:lemma:small'
0.008958 O b'-1:lemma:concentration'
0.008958 O b'+1:lemma:150'
0.008749 Supp b'+1:lemma:%'
0.008295 Gtype b'-1:postag:IN'
0.007225 Temp b'-1:postag:NN'
0.007001 O b'+1:lemma:dpd'
0.006253 O b'-1:lemma:to'
0.006253 O b'-1:postag:TO'
0.005971 O b'lemma:25'
0.005588 Supp b'-1:postag:VBN'
0.005564 Supp b'postag:NNP'
0.005481 Vess b'+1:postag:IN'
0.005374 Med b'-1:lemma:w2'
0.005034 Med b'-1:lemma:2'
0.004923 Phase b'+1:lemma:aerobically'
0.004818 Air b'-1:lemma:-lrb-'
0.004778 Phase b'+1:postag:RB'
0.002918 Supp b'+1:lemma:dpd'
0.001853 Supp b'-1:postag:NN'
0.001254 O b'-1:lemma:25'
0.001130 O b'+1:lemma:minute'
0.000839 Supp b'lemma:2'
0.000645 O b'lemma:250'
0.000633 O b'+1:lemma:use'
0.000599 OD b'+1:lemma:-rrb-'
0.000522 Gtype b'postag::'
0.000521 O b'lemma:contain'
0.000301 Air b'postag:CC'
0.000277 O b'-1:postag:DT'
0.000223 Air b'-1:lemma:and'
0.000188 O b'-1:lemma:Iron'
0.000172 Technique b'+1:lemma:-rrb-'
0.000156 O b'+1:lemma:um'
0.000120 Technique b'+1:postag:-RRB-'
0.000082 O b'lemma:fresh'
0.000007 O b'-1:lemma:chip'
0.000004 Technique b'-1:postag:NN'
0.000004 Gtype b'lemma:input'
0.000002 Supp b'+1:lemma:feso4'
-0.000001 Supp b'+1:lemma:-rrb-'
-0.000002 Supp b'+1:postag:-RRB-'
-0.000013 O b'+1:lemma:95'
-0.000014 Gtype b'+1:postag:NNS'
-0.000015 OD b'+1:postag:-LRB-'
-0.000019 Gtype b'postag:CD'
-0.000030 O b'lemma:purify'
-0.000053 O b'lemma:10'
-0.000099 O b'lemma:\xe2\x88\x86'
-0.000279 Temp b'postag:JJ'
-0.000305 O b'+1:lemma:0.4'
-0.000901 O b'-1:lemma:iptg'
-0.002039 OD b'+1:postag:NNS'
-0.002046 O b'+1:lemma:mm'
-0.002243 O b'-1:lemma:the'
-0.003015 O b'-1:lemma:with'
-0.004660 Technique b'-1:lemma::'
-0.005024 OD b'+1:lemma:of'
-0.006171 O b'+1:postag:CD'
-0.006255 Air b'+1:postag:-LRB-'
-0.006748 O b'+1:lemma:rep1'
-0.009757 O b'-1:lemma:g/l'
-0.010305 OD b'lemma:~'
-0.012303 Air b'+1:lemma:-lrb-'
-0.014317 O b'+1:lemma:25'
-0.017635 O b'lemma:lb'
-0.020425 O b'-1:postag:VBN'
-0.020857 Air b'-1:lemma:70'
-0.021641 OD b'+1:postag:CD'
-0.026926 Anti b'+1:postag:JJ'
-0.030050 O b'-1:lemma:rifampicin'
-0.030184 O b'+1:lemma:o2'
-0.033398 O b'+1:lemma:grow'
-0.034272 O b'lemma:o2'
-0.038973 O b'lemma:medium'
-0.041512 O b'+1:lemma:phase'
-0.047966 O b'+1:lemma:300'
-0.051332 O b'-1:lemma:mm'
-0.052636 O b'lemma:e.'
-0.055634 Med b'postag:CD'
-0.055801 Phase b'+1:postag:NN'
-0.062955 Air b'-1:postag:CC'
-0.065091 O b'-1:lemma:o2'
-0.065456 OD b'+1:lemma:and'
-0.079195 OD b'+1:lemma:0.4'
-0.085840 Med b'+1:postag:NN'
-0.089782 Gversion b'+1:postag:NN'
-0.090118 O b'-1:lemma:e.'
-0.091747 O b'+1:lemma:shake'
-0.096366 O b'+1:lemma:5'
-0.104686 OD b'postag:JJ'
-0.110082 O b'+1:lemma:-rrb-'
-0.117489 Phase b'-1:postag:NN'
-0.118330 Gtype b'-1:postag:CD'
-0.123321 Air b'-1:lemma:or'
-0.125308 O b'lemma:co2'
-0.126112 Air b'postag:CD'
-0.127371 O b'-1:lemma:from'
-0.128004 Supp b'lemma:and'
-0.138630 Med b'+1:postag:IN'
-0.140700 OD b'+1:postag:CC'
-0.141775 Med b'-1:postag:NN'
-0.143861 O b'lemma:grow'
-0.147202 O b'-1:lemma:um'
-0.147202 O b'+1:lemma:paraquat'
-0.151027 O b'-1:postag:IN'
-0.151499 Gtype b'-1:postag:NN'
-0.158428 Supp b'+1:lemma:rifampicin'
-0.162488 O b'-1:lemma:30'
-0.173747 O b'-1:lemma:1'
-0.185340 O b'-1:lemma:0.1'
-0.197510 O b'lemma:anaerobic'
-0.202853 Supp b'postag:CC'
-0.212861 O b'-1:lemma:-lrb-'
-0.215175 O b'-1:lemma:cra'
-0.224143 Supp b'+1:postag:VBN'
-0.230836 O b'-1:lemma:of'
-0.240457 O b'lemma:aerobically'
-0.244805 O b'+1:postag:IN'
-0.254690 Phase b'-1:lemma:at'
-0.255175 Temp b'postag:NN'
-0.261806 O b'+1:postag:NNS'
-0.267878 pH b'postag:NN'
-0.269047 O b'postag:VBP'
-0.270124 O b'lemma:150'
-0.270124 O b'+1:lemma:mg/ml'
-0.276353 O b'+1:lemma:until'
-0.286173 O b'+1:lemma:.'
-0.286173 O b'+1:postag:.'
-0.305770 O b'+1:lemma:%'
-0.305965 O b'-1:lemma:ml'
-0.324166 O b'lemma:media'
-0.339524 O b'lemma:phase'
-0.352773 O b'+1:lemma:arginine'
-0.363361 O b'lemma:\xce\xb4fur'
-0.388894 O b'lemma:dissolve'
-0.389770 O b'-1:postag:-LRB-'
-0.397946 O b'-1:lemma:mid-log'
-0.420065 O b'-1:lemma:~'
-0.440463 O b'+1:lemma:0.3'
-0.449972 O b'-1:lemma:od600'
-0.451810 O b'+1:postag:-RRB-'
-0.452722 Temp b'+1:lemma:to'
-0.452722 Temp b'+1:postag:TO'
-0.483420 OD b'+1:postag:NN'
-0.485997 Phase b'-1:postag:JJ'
-0.497094 O b'-1:lemma:0.2'
-0.501676 O b'lemma:od600'
-0.531049 O b'lemma:20'
-0.559644 O b'-1:lemma:grow'
-0.580617 O b'+1:lemma:\xc2\xb0c'
-0.620523 Technique b'-1:postag::'
-0.630289 O b'lemma:0.3'
-0.679102 Supp b'-1:lemma:%'
-0.685275 O b'lemma:anaerobically'
-0.715057 OD b'lemma:-lrb-'
-0.717401 O b'+1:lemma:fecl2'
-0.759134 O b'-1:lemma:37'
-0.770187 Air b'-1:postag:JJ'
-0.786415 O b'lemma:0.2'
-0.821217 O b'+1:postag:VBG'
-0.822213 O b'lemma:37'
-0.824982 O b'+1:lemma:supplement'
-0.842762 O b'-1:lemma:sample'
-0.857711 Supp b'+1:lemma:acetate'
-0.859301 O b'+1:lemma:cell'
-0.865248 O b'lemma:fecl2'
-0.895821 OD b'postag:-LRB-'
-0.909763 O b'-1:postag:VBG'
-0.924925 O b'lemma:of'
-0.938966 O b'+1:lemma:hour'
-0.948215 O b'lemma:2h'
-0.948215 O b'-1:lemma:additional'
-1.035032 O b'-1:lemma:co2'
-1.038239 O b'-1:lemma:rpob'
-1.049551 O b'-1:lemma:dissolve'
-1.049551 O b'+1:lemma:methanol'
-1.057377 O b'-1:postag::'
-1.072361 O b'lemma:mid-log'
-1.076264 O b'lemma:0.1'
-1.182064 O b'+1:lemma:+'
-1.269769 O b'+1:lemma:g/l'
-1.341512 O b'+1:lemma:at'
-1.349849 O b'-1:lemma:IP'
-1.412012 Air b'+1:postag:JJ'
-1.427656 O b'-1:lemma:ompr'
-1.459404 O b'lemma:wt'
-1.465487 Anti b'postag:NNP'
-1.539253 O b'lemma:rifampicin'
-1.604435 O b'lemma:methanol'
-1.624731 Supp b'postag:JJ'
-1.646056 O b'-1:lemma:nsrr'
-1.650493 Air b'postag:NN'
-1.947720 O b'+1:lemma:in'
-1.988778 O b'+1:lemma:2'
-2.105490 O b'+1:lemma:1'
-2.188210 O b'-1:lemma:2'
-2.454354 Phase b'postag:JJ'
-4.082146 O b'-1:lemma::'
-4.315245 O b'-1:lemma:_'
********** TRAINING AND TESTING REPORT **********
Training file: training-data-set-70_v4.txt
best params:{'c1': 0.004866974423027767, 'c2': 0.056472219713063834}
best CV score:0.7979749356861161
model size: 0.13M
Flat F1: 0.788756583016598
precision recall f1-score support
OD 1.000 0.405 0.577 37
pH 1.000 1.000 1.000 12
Technique 0.952 0.909 0.930 22
Med 0.891 0.860 0.875 57
Temp 0.818 1.000 0.900 18
Vess 0.000 0.000 0.000 0
Agit 0.000 0.000 0.000 0
Phase 1.000 0.895 0.944 19
Air 0.754 0.742 0.748 62
Anti 1.000 0.444 0.615 9
Strain 1.000 1.000 1.000 1
Gtype 0.862 0.764 0.810 106
Substrain 0.000 0.000 0.000 1
Supp 0.865 0.662 0.750 136
Gversion 0.000 0.000 0.000 0
avg / total 0.876 0.735 0.789 480
Top likely transitions:
OD -> OD 5.351049
Med -> Med 4.871670
Temp -> Temp 4.705964
Air -> Air 4.663634
Anti -> Anti 4.552648
Agit -> Agit 4.406608
O -> O 4.159955
Gversion -> Gversion 4.029197
Phase -> Phase 3.961410
Gtype -> Gtype 3.736759
Supp -> Supp 3.715319
Technique -> Technique 2.638663
pH -> pH 2.247503
O -> Supp 1.602461
Substrain -> Gtype 1.572374
Gtype -> Supp 1.509554
Air -> O 1.254615
Technique -> Air 1.032953
O -> Gtype 1.031819
O -> Technique 0.950111
Gtype -> pH 0.787931
O -> Temp 0.697463
O -> Anti 0.689482
Gtype -> Air 0.553152
Med -> O 0.452122
O -> Strain 0.249152
O -> pH 0.230580
OD -> Phase 0.217826
Phase -> O 0.176822
O -> Vess 0.163152
O -> Gversion 0.124767
Supp -> O 0.087651
Temp -> O 0.034867
Strain -> Substrain -0.000001
Substrain -> Phase -0.000221
Strain -> Gversion -0.003698
Vess -> Technique -0.004821
Temp -> Substrain -0.012876
Agit -> Gversion -0.014323
Temp -> Strain -0.014360
Temp -> Vess -0.017410
Substrain -> Med -0.018817
pH -> Agit -0.019211
Med -> Agit -0.020010
Gversion -> Agit -0.021113
Phase -> Vess -0.022758
O -> Phase -0.024164
Med -> Strain -0.025997
pH -> Phase -0.028833
pH -> Anti -0.029581
Top unlikely transitions:
Technique -> Med -0.461151
O -> Agit -0.476494
Gtype -> Temp -0.480794
Technique -> O -0.518387
Gtype -> Phase -0.520282
Air -> Temp -0.525360
Gversion -> Technique -0.535188
Air -> Gtype -0.543291
Anti -> Gtype -0.553848
Technique -> Gversion -0.562140
OD -> Anti -0.571138
Gversion -> Air -0.589331
OD -> Temp -0.589841
Anti -> OD -0.591125
Supp -> pH -0.600581
Supp -> Phase -0.607554
Med -> Air -0.627218
OD -> Supp -0.663510
Air -> Supp -0.665817
OD -> Technique -0.667134
Air -> Med -0.686105
Gtype -> Technique -0.710838
Air -> OD -0.743300
Technique -> Supp -0.744356
Phase -> Technique -0.789682
Temp -> Med -0.799451
Supp -> Anti -0.809910
Supp -> Temp -0.821276
OD -> Med -0.825536
Gtype -> Gversion -0.857454
Supp -> OD -0.882092
Supp -> Technique -0.895485
Supp -> Air -0.917425
O -> Air -0.919505
Supp -> Gversion -0.925617
Gtype -> Med -0.929322
Supp -> Gtype -0.987028
OD -> Gtype -0.992669
Gtype -> Anti -1.017609
Agit -> O -1.031217
Gtype -> OD -1.100242
OD -> O -1.178810
Substrain -> O -1.224261
OD -> Air -1.229479
Supp -> Med -1.270572
Technique -> OD -1.299192
Technique -> Gtype -1.368938
Technique -> pH -1.381051
Med -> Supp -1.415487
Phase -> OD -1.647415
Top positive:
6.440045 O b'lemma:_'
5.284742 O b'lemma:1'
4.692157 Air b'lemma:anaerobic'
4.658957 O b'lemma:2'
4.619385 Technique b'lemma:ChIP-exo'
4.561015 Strain b'lemma:k-12'
4.494705 Supp b'lemma:Iron'
4.430737 Technique b'lemma:chipseq'
4.213284 O b'lemma:rpob'
4.193080 Air b'lemma:aerobic'
4.127725 Phase b'lemma:stationary'
4.112519 Supp b'lemma:pq'
4.107025 Supp b'lemma:nh4cl'
4.068762 O b'postag:IN'
3.990976 Supp b'lemma:glucose'
3.981614 O b'lemma:3'
3.895423 O b'lemma:rep1'
3.893328 Gtype b'lemma:arca8myc'
3.831178 Gtype b'lemma:wt'
3.766316 Gtype b'lemma:flag-tag'
3.766316 Gtype b'-1:lemma:c-terminal'
3.741501 Gtype b'lemma:\xce\xb4cra'
3.650417 Phase b'lemma:mid-log'
3.632631 O b'lemma:rep2'
3.630470 Substrain b'lemma:mg1655'
3.547965 Gversion b'lemma:asm584v2'
3.532543 Supp b'lemma:acetate'
3.517907 O b'lemma:Cra'
3.498084 Air b'-1:lemma:ChIP-Seq'
3.480891 Gtype b'-1:lemma:\xe2\x88\x86'
3.424575 Supp b'lemma:no3'
3.422537 Supp b'+1:lemma:\xc2\xb5m'
3.363386 Supp b'lemma:nitrate'
3.346533 O b'lemma:b'
3.329553 O b'-1:lemma:tag'
3.312533 O b'lemma:rep3'
3.288138 O b'postag::'
3.274111 O b'lemma:a'
3.231297 Technique b'lemma:rna-seq'
3.218715 O b'lemma:.'
3.218715 O b'postag:.'
3.215008 Gtype b'lemma:delta-arca'
3.202775 Supp b'lemma:Fe'
3.165237 Gtype b'lemma:fnr8myc'
3.155991 Air b'lemma:Aerobic'
3.133804 Supp b'lemma:dpd'
3.090343 Med b'lemma:LB'
3.073422 Technique b'lemma:chip-seq'
3.060962 Med b'lemma:lb'
3.050123 O b'postag:VBN'
3.028391 Med b'lemma:MOPS'
3.017487 O b'+1:postag:RB'
2.979906 Anti b'lemma:none'
2.978981 O b'-1:lemma:Aerobic'
2.962117 Supp b'lemma:fructose'
2.953345 O b'lemma:\xcf\x8332'
2.890455 Anti b'lemma:seqa'
2.860514 O b'-1:lemma:ChIP-exo'
2.856286 Gtype b'lemma:\xe2\x88\x86'
2.827313 O b'lemma:CEL'
2.783360 Technique b'lemma:rnaseq'
2.775420 Med b'+1:lemma:0.4'
2.774305 OD b'lemma:od600'
2.753373 O b'lemma:-'
2.742915 Supp b'lemma:rifampicin'
2.675772 Gtype b'lemma:delta-fnr'
2.630113 Supp b'+1:lemma:1'
2.629618 Supp b'+1:lemma:Deficient'
2.620392 Vess b'lemma:flask'
2.620392 Vess b'-1:lemma:warm'
2.618241 O b'lemma:affyexp'
2.609048 pH b'lemma:ph5'
2.609048 pH b'+1:lemma:.5'
2.605367 Temp b'lemma:\xc2\xb0c'
2.605338 Gtype b'+1:lemma:type'
2.604381 Gtype b'lemma:\xce\xb4fur'
2.603271 Air b'postag:RB'
2.594594 Gtype b'+1:lemma:with'
2.582369 O b'lemma:Custom'
2.567820 Gtype b'lemma:type'
2.567689 Gversion b'lemma:nc'
2.557861 Supp b'-1:lemma:Cra'
2.552038 OD b'lemma:od450'
2.550932 Gtype b'lemma:nsrr'
2.550177 Gversion b'lemma:chip-seq'
2.524549 O b'+1:lemma:od600'
2.502467 O b'-1:lemma:glucose'
2.498403 Gtype b'lemma:wild-type'
2.496663 Supp b'lemma:arginine'
2.495738 Supp b'+1:lemma:_'
2.483625 O b'lemma:chip-arca'
2.479625 O b'lemma:with'
2.455411 Supp b'+1:lemma:2'
2.454463 Gtype b'lemma:WT'
2.388316 O b'-1:lemma:stpa'
2.376289 O b'lemma:s'
2.368051 Phase b'-1:lemma:mid-log'
2.360684 Technique b'lemma:ChIP-Seq'
2.349033 O b'lemma:argr'
2.347947 Strain b'+1:lemma:substr'
2.329446 O b'lemma:oxyr'
2.326483 Gversion b'lemma:u00096'
2.326483 Gversion b'+1:lemma:.2'
2.322186 O b'-1:lemma:anaerobic'
2.319676 Anti b'lemma:anti-myc'
2.310676 Gversion b'lemma:.2'
2.310676 Gversion b'-1:lemma:u00096'
2.309895 Gtype b'lemma:\xce\xb4soxs'
2.304666 O b'-1:lemma:lb'
2.286012 Gversion b'-1:lemma:nc'
2.283995 Med b'+1:lemma:2.0'
2.263722 Gtype b'-1:lemma:ptac'
2.251060 Technique b'-1:lemma:IP'
2.241105 O b'postag:CC'
2.233213 O b'postag:SYM'
2.228846 Air b'lemma:Anaerobic'
2.221020 O b'+1:lemma:pq'
2.217171 O b'lemma:purr'
2.215541 Med b'lemma:m63'
2.210660 Gversion b'lemma:000913'
2.208620 Phase b'lemma:phase'
2.200256 Air b'lemma:anaerobically'
2.160285 Supp b'lemma:nacl'
2.159816 O b'lemma:Lrp'
2.146260 O b'+1:lemma:anti-fur'
2.142375 Gtype b'+1:lemma:pq'
2.137685 O b'lemma:ompr'
2.137493 O b'-1:lemma:0.3-0.35'
2.135033 pH b'+1:postag:CD'
2.132965 Gtype b'+1:lemma:flagtag'
2.132516 Air b'-1:lemma:-'
2.129831 O b'lemma:or'
2.127593 Air b'-1:postag::'
2.100892 Technique b'postag:NNP'
2.095024 Air b'-1:lemma:_'
2.079808 Gtype b'lemma:ptac'
2.078817 Med b'postag:NNP'
2.065995 Supp b'lemma:Leu'
2.045237 O b'lemma:chip'
2.027925 Temp b'lemma:43'
2.022011 Gtype b'lemma:\xce\xb4ompr'
2.015716 Supp b'-1:lemma:+'
2.010073 Substrain b'+1:lemma:phtpg'
2.008340 Temp b'-1:lemma:37'
2.004601 Temp b'-1:lemma:43'
1.996465 Gtype b'lemma:deltaseqa'
1.996465 Gtype b'-1:lemma:old'
1.991818 Anti b'+1:lemma:antibody'
1.986009 Gtype b'lemma:pk4854'
1.981713 Technique b'-1:lemma:input'
1.981625 Med b'+1:lemma:+'
1.979648 Gtype b'-1:lemma:rpob'
1.974870 Gtype b'-1:lemma:_'
1.973288 O b'lemma:chip-fnr'
1.969889 Temp b'+1:lemma:\xc2\xb0c'
1.968489 O b'-1:lemma:type'
1.959681 Supp b'lemma:iptg'
1.950150 Gtype b'+1:lemma:_'
1.947863 Supp b'lemma:Adenine'
1.947687 Technique b'-1:lemma:chip-exo'
1.941978 Anti b'lemma:anti-rpos'
1.937288 Med b'-1:lemma:ml'
1.924562 Gtype b'+1:lemma:aerobic'
1.924487 Phase b'+1:lemma:for'
1.922675 O b'postag:DT'
1.914419 Supp b'+1:lemma:hour'
1.913395 O b'+1:lemma:43'
1.912727 O b'lemma:Fur'
1.876476 O b'lemma:genotype/variation'
1.869806 Supp b'-1:lemma:\xc2\xb5m'
1.868961 O b'+1:lemma:mid-log'
1.867289 O b'+1:lemma:chip-seq'
1.863790 Supp b'lemma:methanol'
1.861757 Supp b'lemma:20'
1.857902 Supp b'-1:lemma:with'
1.856991 OD b'+1:lemma:stationary'
1.852369 Temp b'-1:lemma:sample'
1.848158 Gversion b'+1:lemma:000913'
1.846987 Gtype b'-1:lemma:nsrr'
1.845305 O b'lemma:for'
1.843025 Technique b'+1:lemma:chip-exo'
1.842623 O b'postag:VBG'
1.827664 Gversion b'postag:CD'
1.820283 O b'lemma:soxs'
1.820283 O b'lemma:soxr'
1.820233 Gtype b'+1:lemma:ph5'
1.815561 Supp b'+1:lemma:respiratory'
1.810671 O b'lemma:culture'
1.809579 pH b'lemma:.5'
1.809579 pH b'-1:lemma:ph5'
1.802708 Gtype b'lemma:\xce\xb4oxyr'
1.802434 Temp b'lemma:37'
1.802103 Med b'+1:lemma:minimal'
1.788823 Gtype b'lemma:\xce\xb4soxr'
1.787884 Supp b'+1:lemma:deficient'
1.781577 O b'lemma:at'
1.774963 O b'lemma:pt7'
1.766232 Vess b'-1:postag:VBN'
1.758278 Gversion b'lemma:_'
1.754083 Supp b'+1:lemma:and'
Top negative:
-0.165340 O b'-1:lemma:with'
-0.170223 Phase b'+1:postag:NN'
-0.171143 Med b'-1:lemma:MOPS'
-0.171691 O b'lemma:co2'
-0.172496 O b'+1:lemma:antibody'
-0.173573 O b'-1:lemma:control'
-0.175923 O b'-1:postag:-LRB-'
-0.178273 O b'+1:lemma:purify'
-0.178964 Gtype b'+1:lemma:1'
-0.179388 O b'lemma:medium'
-0.190175 Gtype b'+1:lemma:-lrb-'
-0.193476 Anti b'+1:postag:JJ'
-0.194108 O b'+1:lemma:2.0'
-0.195669 O b'lemma:n2'
-0.198645 O b'-1:lemma:300'
-0.201659 O b'-1:lemma:of'
-0.210827 O b'lemma:aerobically'
-0.216287 O b'+1:lemma:pahse'
-0.216954 Gtype b'+1:lemma:2'
-0.222719 Technique b'-1:lemma::'
-0.225921 Gtype b'lemma:rna'
-0.227807 O b'+1:lemma:sample'
-0.229277 Gtype b'+1:postag:NNS'
-0.232261 O b'-1:lemma:n2'
-0.233570 Gtype b'-1:lemma:-'
-0.237526 OD b'+1:lemma:in'
-0.240536 Gtype b'lemma:control'
-0.242225 Phase b'-1:postag:NN'
-0.252367 O b'-1:lemma:delta'
-0.255317 O b'-1:postag:VBP'
-0.255936 O b'-1:lemma:rna'
-0.260735 Gtype b'postag:NNS'
-0.263059 O b'-1:lemma:e.'
-0.265319 O b'+1:lemma:from'
-0.273429 O b'-1:lemma:minimal'
-0.276572 O b'lemma:e.'
-0.276704 Gtype b'-1:lemma:,'
-0.276704 Gtype b'-1:postag:,'
-0.279370 O b'postag:RB'
-0.280295 O b'-1:lemma:grow'
-0.282926 O b'+1:lemma:mg1655'
-0.288333 O b'lemma:10'
-0.289288 O b'lemma:pahse'
-0.291441 Gtype b'+1:lemma:cra'
-0.295834 Air b'postag:CD'
-0.300317 O b'lemma:nacl'
-0.302273 Supp b'+1:postag:IN'
-0.304479 O b'lemma:30'
-0.305051 O b'-1:lemma:purify'
-0.306221 OD b'+1:lemma:0.4'
-0.306561 OD b'+1:lemma:and'
-0.315073 Supp b'lemma:and'
-0.317269 O b'-1:lemma:0.1'
-0.320606 O b'+1:lemma:delta'
-0.324445 O b'+1:lemma:%'
-0.328680 O b'+1:lemma:or'
-0.335995 Gtype b'lemma:ompr'
-0.337994 Med b'postag:CD'
-0.339794 O b'+1:lemma:-lcb-'
-0.341876 O b'+1:postag:-RRB-'
-0.348075 OD b'+1:postag:CC'
-0.350623 O b'+1:lemma:strain'
-0.351953 O b'-1:lemma:mm'
-0.354366 Med b'+1:postag:NN'
-0.359119 Gtype b'+1:lemma:a'
-0.368580 Med b'-1:postag:CD'
-0.369042 O b'-1:lemma:mid-log'
-0.369832 O b'+1:lemma:phase'
-0.374612 O b'-1:lemma:um'
-0.374612 O b'+1:lemma:paraquat'
-0.378047 Gtype b'-1:postag:CD'
-0.378990 O b'lemma:\xc2\xb0c'
-0.382063 O b'+1:lemma:cell'
-0.383941 O b'lemma:minimal'
-0.383980 Temp b'postag:JJ'
-0.384553 O b'+1:lemma:dissolve'
-0.390868 O b'+1:lemma:until'
-0.397770 Technique b'-1:postag::'
-0.403782 O b'+1:postag:IN'
-0.420663 Supp b'+1:lemma:glucose'
-0.421882 O b'-1:lemma:fresh'
-0.423208 O b'-1:lemma:iptg'
-0.425203 O b'lemma:8'
-0.425322 O b'lemma:phase'
-0.426379 Gtype b'+1:lemma:b'
-0.436102 O b'+1:lemma:shake'
-0.441221 O b'-1:lemma:rifampicin'
-0.444583 Air b'-1:lemma:or'
-0.447161 Supp b'-1:postag:VBG'
-0.448411 Med b'+1:postag:NNS'
-0.460422 O b'-1:lemma:affinity'
-0.461216 Supp b'+1:postag:VBN'
-0.467958 O b'-1:lemma:cra'
-0.469465 O b'+1:lemma:minimal'
-0.469624 Supp b'-1:lemma:%'
-0.477155 O b'-1:lemma:20'
-0.479874 O b'lemma:of'
-0.505244 O b'lemma:glucose'
-0.508080 O b'-1:lemma:from'
-0.508329 Phase b'postag:JJ'
-0.519825 O b'lemma:mg1655'
-0.520316 O b'+1:lemma:0.4'
-0.531961 Gtype b'lemma:_'
-0.540846 O b'lemma:dissolve'
-0.541927 Temp b'+1:lemma:to'
-0.541927 Temp b'+1:postag:TO'
-0.543538 OD b'+1:lemma:mid-log'
-0.554268 Phase b'-1:lemma:at'
-0.567076 O b'lemma:150'
-0.567076 O b'+1:lemma:mg/ml'
-0.586115 O b'+1:lemma:Aerobic'
-0.590065 OD b'+1:postag:NN'
-0.591060 O b'+1:lemma:b'
-0.601984 OD b'lemma:-lrb-'
-0.602651 O b'-1:lemma:30'
-0.610779 Gtype b'-1:postag:SYM'
-0.611922 O b'-1:lemma:chip-exo'
-0.624890 pH b'postag:NN'
-0.628877 Supp b'postag:CC'
-0.642872 O b'lemma:lb'
-0.645246 O b'+1:lemma:rep1'
-0.646910 O b'+1:postag:NNS'
-0.648451 Gtype b'-1:postag:DT'
-0.656497 O b'+1:lemma:c'
-0.671297 Temp b'-1:lemma:\xc2\xb0c'
-0.672555 Supp b'+1:lemma:rifampicin'
-0.675146 Med b'+1:postag:IN'
-0.684210 OD b'postag:-LRB-'
-0.690268 O b'lemma:m63'
-0.692418 O b'lemma:purify'
-0.711910 O b'-1:lemma:g/l'
-0.714120 O b'+1:lemma:300'
-0.719637 O b'+1:lemma:arginine'
-0.720246 Temp b'postag:NN'
-0.723885 Gtype b'+1:lemma:\xe2\x88\x86'
-0.729214 O b'-1:lemma:until'
-0.731048 O b'+1:lemma:fecl2'
-0.733838 O b'-1:lemma:1'
-0.754956 O b'+1:lemma:\xc2\xb0c'
-0.760036 O b'-1:lemma:od600'
-0.785671 Anti b'+1:lemma:anti-fur'
-0.789666 OD b'postag:JJ'
-0.822362 O b'lemma:dpd'
-0.825176 O b'-1:lemma:o2'
-0.856382 O b'-1:lemma:~'
-0.858874 O b'lemma:od600'
-0.861229 O b'+1:lemma:0.3'
-0.867648 O b'lemma:media'
-0.877526 O b'+1:lemma:in'
-0.899345 O b'+1:lemma:at'
-0.903562 Gtype b'lemma:delta'
-0.909951 O b'-1:lemma:0.2'
-0.924018 O b'-1:lemma:\xe2\x88\x86'
-0.936952 Phase b'-1:postag:JJ'
-0.937687 O b'lemma:anaerobically'
-0.958929 O b'lemma:0.3'
-0.977286 Air b'-1:postag:JJ'
-0.979403 O b'lemma:20'
-0.989887 O b'lemma:0.1'
-1.003141 O b'lemma:mid-log'
-1.016700 Supp b'+1:lemma:acetate'
-1.042214 O b'lemma:2h'
-1.042214 O b'-1:lemma:additional'
-1.072377 O b'+1:postag:VBG'
-1.075398 O b'-1:lemma:dissolve'
-1.075398 O b'+1:lemma:methanol'
-1.082645 O b'+1:lemma:g/l'
-1.096557 O b'lemma:anaerobic'
-1.126451 O b'lemma:0.2'
-1.166660 O b'lemma:\xe2\x88\x86'
-1.172209 O b'lemma:fecl2'
-1.173636 O b'+1:lemma:supplement'
-1.193870 O b'-1:postag:VBG'
-1.194541 O b'-1:lemma:ompr'
-1.232022 O b'lemma:k-12'
-1.253980 O b'lemma:\xce\xb4fur'
-1.288532 O b'-1:lemma:ml'
-1.301101 O b'postag:VBP'
-1.312157 O b'-1:lemma:co2'
-1.347620 O b'-1:lemma:rpob'
-1.379029 O b'-1:postag::'
-1.416689 Supp b'postag:JJ'
-1.422574 O b'-1:lemma:37'
-1.454115 O b'-1:lemma:sample'
-1.461328 O b'lemma:37'
-1.464702 Anti b'postag:NNP'
-1.488429 Air b'+1:postag:JJ'
-1.542774 O b'lemma:rifampicin'
-1.620387 O b'-1:lemma:2'
-1.621084 O b'lemma:wt'
-1.634867 Air b'postag:NN'
-1.635440 O b'-1:lemma:IP'
-1.705295 O b'lemma:methanol'
-1.742392 O b'+1:lemma:+'
-1.747036 O b'-1:lemma:nsrr'
-1.856713 O b'+1:lemma:hour'
-1.966783 O b'+1:lemma:2'
-2.387888 O b'+1:lemma:1'
-2.893303 O b'-1:lemma::'
-2.945684 O b'-1:lemma:_'
********** TRAINING AND TESTING REPORT **********
Training file: training-data-set-70_v4.txt
best params:{'c1': 0.29457600411613616, 'c2': 0.0017589762043383245}
best CV score:0.8078796055237475
model size: 0.05M
Flat F1: 0.7794612343667667
precision recall f1-score support
OD 1.000 0.405 0.577 37
pH 1.000 1.000 1.000 12
Technique 0.952 0.909 0.930 22
Med 1.000 0.737 0.848 57
Temp 0.818 1.000 0.900 18
Vess 0.000 0.000 0.000 0
Agit 0.000 0.000 0.000 0
Phase 1.000 0.895 0.944 19
Air 0.780 0.742 0.760 62
Anti 0.571 0.444 0.500 9
Strain 1.000 1.000 1.000 1
Gtype 0.848 0.792 0.820 106
Substrain 0.000 0.000 0.000 1
Supp 0.796 0.662 0.723 136
Gversion 0.000 0.000 0.000 0
avg / total 0.861 0.727 0.779 480
Top likely transitions:
OD -> OD 6.390430
Agit -> Agit 6.117830
Temp -> Temp 5.690422
Anti -> Anti 5.526528
Med -> Med 5.389776
Gtype -> Gtype 5.136395
Air -> Air 4.861639
Gversion -> Gversion 4.681583
Technique -> Technique 4.547400
O -> O 4.328164
Supp -> Supp 4.275170
Phase -> Phase 3.947478
O -> Supp 2.168179
Gtype -> Supp 2.126815
pH -> pH 1.951624
O -> Technique 1.752428
O -> Gtype 1.686100
Air -> O 1.391236
Substrain -> Gtype 0.941140
O -> Anti 0.799854
Med -> O 0.671251
O -> Temp 0.557904
O -> Gversion 0.509095
Technique -> Air 0.285589
Gtype -> pH 0.187722
Temp -> O 0.127072
Supp -> O 0.081093
O -> OD 0.056972
Gtype -> Air 0.021236
O -> Med 0.002225
OD -> Phase 0.001636
OD -> Med -0.056726
Technique -> O -0.084720
Gtype -> Anti -0.290184
Gtype -> O -0.349078
Gtype -> OD -0.351477
OD -> O -0.547705
O -> Air -0.672320
Supp -> Med -0.757781
Substrain -> O -0.945716
Phase -> OD -0.974380
Agit -> O -1.057441
Med -> Supp -1.117202
Top unlikely transitions:
OD -> OD 6.390430
Agit -> Agit 6.117830
Temp -> Temp 5.690422
Anti -> Anti 5.526528
Med -> Med 5.389776
Gtype -> Gtype 5.136395
Air -> Air 4.861639
Gversion -> Gversion 4.681583
Technique -> Technique 4.547400
O -> O 4.328164
Supp -> Supp 4.275170
Phase -> Phase 3.947478
O -> Supp 2.168179
Gtype -> Supp 2.126815
pH -> pH 1.951624
O -> Technique 1.752428
O -> Gtype 1.686100
Air -> O 1.391236
Substrain -> Gtype 0.941140
O -> Anti 0.799854
Med -> O 0.671251
O -> Temp 0.557904
O -> Gversion 0.509095
Technique -> Air 0.285589
Gtype -> pH 0.187722
Temp -> O 0.127072
Supp -> O 0.081093
O -> OD 0.056972
Gtype -> Air 0.021236
O -> Med 0.002225
OD -> Phase 0.001636
OD -> Med -0.056726
Technique -> O -0.084720
Gtype -> Anti -0.290184
Gtype -> O -0.349078
Gtype -> OD -0.351477
OD -> O -0.547705
O -> Air -0.672320
Supp -> Med -0.757781
Substrain -> O -0.945716
Phase -> OD -0.974380
Agit -> O -1.057441
Med -> Supp -1.117202
Top positive:
9.784769 O b'lemma:_'
8.777655 Air b'lemma:anaerobic'
7.930641 Air b'lemma:aerobic'
7.220796 Technique b'lemma:ChIP-exo'
7.196554 O b'lemma:1'
7.103993 Phase b'lemma:stationary'
6.998968 O b'lemma:rpob'
6.988146 Supp b'lemma:Iron'
6.971195 Supp b'lemma:nitrate'
6.730326 Med b'lemma:MOPS'
6.729792 Air b'-1:lemma:ChIP-Seq'
6.615444 Gtype b'lemma:type'
6.497802 O b'-1:lemma:ChIP-exo'
6.115603 Strain b'lemma:k-12'
6.006143 Phase b'lemma:mid-log'
5.813042 Substrain b'lemma:mg1655'
5.750692 Supp b'lemma:pq'
5.692854 O b'postag::'
5.640080 Gversion b'lemma:asm584v2'
5.442313 Gtype b'-1:lemma:\xe2\x88\x86'
5.421944 Gversion b'lemma:nc'
5.369011 O b'lemma:2'
5.323172 O b'lemma:3'
5.227211 O b'lemma:Custom'
5.221194 Supp b'lemma:nh4cl'
5.036519 Technique b'lemma:chipseq'
5.002570 O b'lemma:b'
4.911066 Temp b'-1:lemma:sample'
4.803502 Gversion b'-1:lemma:nc'
4.759594 Gtype b'lemma:wt'
4.756971 Air b'lemma:Aerobic'
4.733958 Supp b'+1:lemma:\xc2\xb5m'
4.696241 OD b'lemma:od600'
4.618934 O b'lemma:\xcf\x8332'
4.610324 Gtype b'+1:lemma:type'
4.544628 Gtype b'lemma:\xce\xb4cra'
4.517060 O b'lemma:a'
4.407754 OD b'lemma:od450'
4.400043 O b'postag:IN'
4.361805 Supp b'lemma:no3'
4.357088 O b'-1:lemma:tag'
4.352412 Gtype b'lemma:delta-fnr'
4.311823 O b'lemma:Cra'
4.167960 Gtype b'lemma:flag-tag'
4.167960 Gtype b'-1:lemma:c-terminal'
4.162564 Med b'lemma:LB'
4.113496 Strain b'+1:lemma:substr'
4.107297 Anti b'+1:lemma:antibody'
4.060899 Technique b'lemma:ChIP-Seq'
4.009046 O b'lemma:rep1'
3.995454 Supp b'lemma:rifampicin'
3.963685 Technique b'lemma:rna-seq'
3.933835 Supp b'lemma:glucose'
3.917748 O b'lemma:.'
3.917748 O b'postag:.'
3.845505 Supp b'lemma:dpd'
3.808636 O b'lemma:rep2'
3.774698 Gtype b'lemma:wild-type'
3.760833 Med b'lemma:lb'
3.747355 Technique b'-1:lemma:IP'
3.703487 Air b'postag:RB'
3.662819 O b'lemma:rep3'
3.662186 Supp b'lemma:Fe'
3.579211 Temp b'-1:lemma:\xcf\x8332'
3.504088 Technique b'lemma:chip-seq'
3.459881 Vess b'lemma:flask'
3.459881 Vess b'-1:lemma:warm'
3.395894 Supp b'lemma:acetate'
3.371382 O b'+1:lemma:od600'
3.355281 Supp b'lemma:arginine'
3.288615 Anti b'lemma:seqa'
3.267673 Gtype b'lemma:arca8myc'
3.257108 Gtype b'-1:lemma:rpob'
3.214124 Med b'+1:lemma:0.4'
3.198215 O b'lemma:chip'
3.191605 OD b'+1:lemma:stationary'
3.129303 pH b'lemma:ph5'
3.129303 pH b'+1:lemma:.5'
3.116874 Supp b'-1:lemma:Cra'
3.111015 O b'+1:lemma:chip-seq'
3.100779 Gtype b'+1:lemma:with'
3.096274 Technique b'+1:lemma:chip-exo'
3.080007 O b'-1:lemma:0.3-0.35'
3.076638 Technique b'lemma:rnaseq'
2.996028 Gtype b'+1:lemma:ph5'
2.989922 Anti b'lemma:none'
2.975187 O b'-1:lemma:Aerobic'
2.962110 Anti b'lemma:anti-rpos'
2.927775 Supp b'+1:lemma:1'
2.897627 Gtype b'lemma:delta-arca'
2.894293 Supp b'+1:lemma:2'
2.870010 Gtype b'lemma:nsrr'
2.836891 O b'lemma:escherichia'
2.823759 O b'+1:lemma:pq'
2.729622 Gtype b'+1:lemma:pq'
2.721450 Supp b'lemma:fructose'
2.715488 Supp b'lemma:iptg'
2.707351 Gtype b'lemma:\xce\xb4ompr'
2.706414 Gtype b'lemma:fnr8myc'
2.705613 O b'-1:lemma:0.3'
2.696678 O b'-1:lemma:type'
2.677637 O b'-1:lemma:anaerobic'
2.617637 Technique b'-1:lemma:chip-exo'
2.601501 O b'lemma:with'
2.598938 O b'postag:CC'
2.589617 Gversion b'lemma:chip-seq'
2.564844 Gtype b'lemma:\xce\xb4fur'
2.529911 Temp b'-1:lemma:37'
2.512630 Temp b'-1:lemma:43'
2.501323 O b'-1:lemma:glucose'
2.465702 Supp b'-1:lemma:+'
2.437465 Gversion b'lemma:u00096'
2.437465 Gversion b'+1:lemma:.2'
2.390733 O b'lemma:-'
2.390656 O b'lemma:oxyr'
2.389452 Gtype b'lemma:WT'
2.388101 O b'+1:postag:RB'
2.371844 Gtype b'lemma:\xe2\x88\x86'
2.368954 Gversion b'lemma:000913'
2.357589 pH b'lemma:.5'
2.357589 pH b'-1:lemma:ph5'
2.347080 Med b'lemma:m63'
2.341653 Med b'+1:lemma:minimal'
2.312104 Temp b'lemma:43'
2.303920 Supp b'lemma:Leu'
2.303021 Anti b'lemma:anti-myc'
2.298956 Gtype b'lemma:pk4854'
2.289285 Med b'lemma:glucose'
2.270819 O b'+1:postag:NNP'
2.250795 Air b'lemma:anaerobically'
2.249574 Gtype b'postag:-RRB-'
2.245776 Gversion b'lemma:.2'
2.245776 Gversion b'-1:lemma:u00096'
2.239995 Air b'-1:lemma:co2'
2.227457 Supp b'lemma:20'
2.212330 Supp b'+1:lemma:hour'
2.212247 Temp b'-1:lemma:30'
2.173944 Supp b'lemma:nacl'
2.172282 O b'+1:lemma:sparging'
2.129033 O b'lemma:s'
2.126416 Phase b'-1:lemma:mid-log'
2.125863 Supp b'+1:lemma:_'
2.114093 Med b'+1:lemma:2.0'
2.111768 Med b'-1:lemma:glucose'
2.073983 Gtype b'+1:lemma:flagtag'
2.071701 O b'-1:lemma:lb'
2.052281 Med b'-1:lemma:ml'
2.050869 Gtype b'-1:lemma:nsrr'
1.973985 O b'postag:VBN'
1.966483 Med b'lemma:L'
1.966483 Med b'+1:lemma:broth'
1.943849 Med b'lemma:broth'
1.943849 Med b'-1:lemma:L'
1.943198 Supp b'-1:lemma:with'
1.933549 Supp b'lemma:Adenine'
1.928306 O b'lemma:CEL'
1.904039 Supp b'-1:lemma:\xc2\xb5m'
1.854835 Med b'lemma:media'
1.849121 O b'lemma:at'
1.846853 Phase b'-1:lemma:until'
1.845040 OD b'lemma:phase'
1.843752 Supp b'+1:lemma:Deficient'
1.834795 Gtype b'+1:lemma:_'
1.832489 O b'-1:lemma:\xc2\xb0c'
1.818739 O b'lemma:chip-arca'
1.813945 OD b'lemma:0.3'
1.805051 O b'+1:lemma:o.d.'
1.797440 Temp b'lemma:37'
1.792631 Vess b'-1:postag:VBN'
1.776920 Technique b'-1:lemma:_'
1.773247 OD b'+1:lemma:phase'
1.762789 Temp b'lemma:\xc2\xb0c'
1.761249 Technique b'+1:lemma:rna-seq'
1.758774 Gtype b'-1:postag::'
1.752571 O b'lemma:or'
1.747526 O b'-1:lemma:l1'
1.747292 Supp b'lemma:of'
1.740326 Temp b'+1:lemma:\xc2\xb0c'
1.701975 O b'lemma:ompr'
1.696253 O b'lemma:c-terminal'
1.696253 O b'+1:lemma:flag-tag'
1.690400 Med b'+1:lemma:supplement'
1.689524 pH b'+1:postag:CD'
1.687584 O b'+1:lemma:nacl'
1.685346 O b'+1:lemma:acetate'
1.674079 O b'-1:lemma:dpd'
1.668207 Gtype b'-1:lemma:_'
1.667206 Temp b'+1:lemma:in'
1.666468 Supp b'lemma:methanol'
1.660722 Air b'-1:lemma:-'
1.655979 Gtype b'-1:lemma:vector'
1.642097 O b'lemma:culture'
1.641394 Med b'-1:lemma:LB'
1.639030 Phase b'+1:lemma:for'
1.635194 OD b'-1:lemma:about'
1.632144 Gtype b'lemma:\xce\xb4soxs'
1.622571 O b'-1:lemma:media'
1.574984 Gversion b'postag:CD'
1.574818 O b'lemma:soxs'
1.574818 O b'lemma:soxr'
Top negative:
0.012428 O b'lemma:build'
0.011706 OD b'-1:postag:JJ'
0.010758 O b'-1:lemma:m63'
0.010555 Temp b'+1:lemma:rep1'
0.009338 O b'-1:lemma:\xce\xbcm'
0.009111 OD b'lemma:of'
0.008729 O b'lemma:~'
0.008132 Gtype b'lemma:cra-8myc-tagged'
0.008132 Gtype b'lemma:fur-8myc'
0.007873 Air b'-1:lemma:95'
0.005830 OD b'+1:postag:-RRB-'
0.005750 Air b'lemma:-lrb-'
0.005529 Phase b'-1:postag::'
0.005242 Gtype b'+1:postag:CD'
0.004042 Substrain b'isUpper'
0.003852 O b'-1:lemma:5'
0.003021 O b'+1:lemma:use'
0.003019 Air b'postag:CC'
0.002663 Air b'postag:-LRB-'
0.002334 O b'+1:lemma:ml'
0.001862 O b'-1:lemma:pq'
0.000956 O b'lemma:short'
0.000945 O b'+1:postag:SYM'
0.000941 Med b'-1:postag::'
0.000813 O b'+1:lemma:mm'
0.000791 Supp b'lemma:\xc2\xb5l'
0.000791 Supp b'+1:lemma:cm20'
0.000762 O b'-1:lemma:k-12'
0.000330 Supp b'+1:postag:RB'
0.000321 O b'+1:lemma:rnase'
0.000279 OD b'postag:CC'
0.000211 Gtype b'+1:lemma:-lcb-'
0.000154 Med b'postag:NN'
0.000123 Supp b'-1:lemma:1mm'
0.000066 O b'-1:lemma:respiratory'
0.000047 O b'postag:VB'
0.000031 O b'+1:postag:JJ'
0.000022 O b'+1:postag:FW'
0.000021 Phase b'postag:VBG'
0.000014 Temp b'-1:postag:NNS'
0.000012 O b'-1:lemma:genotype/variation'
0.000011 Phase b'lemma:grow'
0.000009 O b'+1:lemma:genbank'
0.000009 O b'postag:FW'
0.000006 Gtype b'lemma:knock-out'
0.000005 O b'lemma:ip'
0.000005 Gtype b'+1:lemma:strain'
0.000001 O b'+1:lemma:ph5'
0.000000 Phase b'-1:lemma::'
-0.000002 O b'-1:lemma:from'
-0.000009 O b'-1:lemma:rifampicin'
-0.000018 O b'+1:lemma:95'
-0.000109 O b'-1:lemma:um'
-0.000109 O b'+1:lemma:paraquat'
-0.000363 Agit b'-1:postag:NN'
-0.000429 O b'+1:lemma:+'
-0.000494 O b'-1:lemma:iptg'
-0.000617 Supp b'postag:CD'
-0.000722 O b'lemma:150'
-0.000722 O b'+1:lemma:mg/ml'
-0.000846 O b'lemma:grow'
-0.001402 Air b'-1:lemma:or'
-0.001659 O b'-1:lemma:to'
-0.001659 O b'-1:postag:TO'
-0.001932 Gtype b'+1:lemma:-lrb-'
-0.002534 O b'+1:lemma:until'
-0.004418 Phase b'-1:postag:NN'
-0.004820 O b'+1:lemma:rep1'
-0.005823 Gtype b'-1:postag:NNP'
-0.006241 O b'+1:lemma:300'
-0.006734 Air b'lemma:,'
-0.006734 Air b'postag:,'
-0.008040 Air b'-1:lemma:25'
-0.010122 O b'+1:lemma:-rrb-'
-0.010159 O b'-1:lemma:-lrb-'
-0.012456 Supp b'-1:postag:NN'
-0.013973 OD b'postag:JJ'
-0.014420 OD b'isUpper'
-0.015511 OD b'+1:postag:CD'
-0.022697 Air b'+1:postag:-RRB-'
-0.022913 O b'-1:lemma:30'
-0.023313 OD b'+1:postag:-LRB-'
-0.023317 Air b'-1:postag:RB'
-0.024110 O b'-1:lemma:,'
-0.024110 O b'-1:postag:,'
-0.024675 O b'+1:lemma:hour'
-0.025573 O b'-1:lemma:of'
-0.028769 Air b'-1:postag:-LRB-'
-0.030732 Anti b'+1:postag:JJ'
-0.030900 Air b'-1:lemma:and'
-0.032775 Med b'postag:CD'
-0.033408 O b'-1:postag:JJ'
-0.041591 Air b'lemma:95'
-0.044656 Air b'-1:lemma:-lrb-'
-0.060308 O b'-1:lemma:o2'
-0.063061 O b'-1:lemma:rpob'
-0.066181 O b'-1:postag:VBN'
-0.069187 Med b'-1:postag:CD'
-0.069620 O b'lemma:and'
-0.080450 Gtype b'-1:postag:CD'
-0.085466 O b'+1:lemma:c'
-0.087314 O b'+1:lemma:5'
-0.091477 O b'+1:lemma:shake'
-0.095092 Med b'+1:postag:IN'
-0.102952 Air b'+1:lemma:-lrb-'
-0.103900 Supp b'-1:postag:NNP'
-0.104806 Air b'-1:postag:CC'
-0.130716 Phase b'-1:postag:JJ'
-0.144760 O b'lemma:20'
-0.147668 O b'+1:lemma:phase'
-0.151840 Supp b'+1:lemma:rifampicin'
-0.155431 O b'lemma:medium'
-0.157846 Agit b'isUpper'
-0.162132 O b'-1:lemma:ml'
-0.163703 Air b'+1:postag:-LRB-'
-0.168213 Agit b'postag:NN'
-0.197124 Temp b'postag:JJ'
-0.199293 Med b'-1:postag:IN'
-0.201861 O b'lemma:fecl2'
-0.233445 Air b'isLower'
-0.243970 O b'-1:lemma:the'
-0.256444 Air b'-1:postag:JJ'
-0.259109 O b'-1:lemma:~'
-0.278225 O b'+1:lemma:%'
-0.280267 Temp b'+1:lemma:to'
-0.280267 Temp b'+1:postag:TO'
-0.288621 Supp b'+1:postag:VBN'
-0.292707 O b'+1:lemma:cell'
-0.315187 O b'lemma:od600'
-0.355514 Phase b'-1:lemma:at'
-0.357298 O b'lemma:0.1'
-0.357570 O b'lemma:glucose'
-0.360899 Temp b'isLower'
-0.411019 O b'lemma:anaerobically'
-0.420592 O b'lemma:dissolve'
-0.443294 O b'lemma:0.2'
-0.451505 Technique b'isNumber'
-0.453164 pH b'postag:NN'
-0.453934 O b'-1:lemma:37'
-0.477659 Med b'+1:postag:NN'
-0.482028 Supp b'isUpper'
-0.486122 Supp b'+1:lemma:acetate'
-0.490659 O b'+1:postag:IN'
-0.492086 O b'-1:lemma:cra'
-0.499001 O b'+1:lemma:fecl2'
-0.542612 O b'-1:lemma:od600'
-0.556265 Supp b'-1:lemma:%'
-0.559133 O b'-1:postag:IN'
-0.563772 O b'-1:postag:-LRB-'
-0.590111 Technique b'-1:postag::'
-0.595480 O b'+1:postag:NNS'
-0.600550 O b'postag:RB'
-0.603193 O b'+1:postag:-RRB-'
-0.608705 OD b'+1:postag:NN'
-0.619170 O b'+1:lemma:.'
-0.619170 O b'+1:postag:.'
-0.631410 Temp b'postag:NN'
-0.680972 OD b'lemma:-lrb-'
-0.692074 O b'lemma:phase'
-0.696523 O b'+1:lemma:g/l'
-0.703554 Med b'-1:postag:NN'
-0.722638 O b'-1:lemma:co2'
-0.737448 O b'lemma:37'
-0.793378 O b'-1:lemma:IP'
-0.881901 O b'-1:lemma:grow'
-0.936753 O b'lemma:2h'
-0.936753 O b'-1:lemma:additional'
-0.951203 O b'-1:lemma:ompr'
-0.961075 OD b'isNumber'
-0.975747 O b'lemma:media'
-0.999574 O b'lemma:mid-log'
-1.013924 O b'-1:lemma:dissolve'
-1.013924 O b'+1:lemma:methanol'
-1.038456 O b'+1:postag:VBG'
-1.044424 Gtype b'isLower'
-1.054187 Anti b'postag:NNP'
-1.055980 Air b'+1:postag:JJ'
-1.097851 O b'-1:postag::'
-1.150472 Gtype b'isUpper'
-1.157093 O b'-1:postag:VBG'
-1.186007 O b'lemma:wt'
-1.252971 O b'+1:lemma:supplement'
-1.282305 Gversion b'isLower'
-1.308302 Technique b'isLower'
-1.325280 O b'+1:lemma:in'
-1.418383 O b'-1:lemma:nsrr'
-1.424917 O b'+1:lemma:at'
-1.469077 O b'lemma:methanol'
-1.485871 OD b'postag:-LRB-'
-1.502986 Air b'postag:NN'
-1.512421 O b'lemma:of'
-1.560223 Phase b'postag:JJ'
-1.560628 O b'lemma:rifampicin'
-1.895357 Supp b'postag:JJ'
-1.938119 O b'+1:lemma:2'
-2.020790 O b'-1:lemma:2'
-2.056482 Gtype b'isNumber'
-2.518371 O b'+1:lemma:1'
-3.915561 O b'-1:lemma::'
-4.466114 O b'-1:lemma:_'
********** TRAINING AND TESTING REPORT **********
Training file: training-data-set-70_v4.txt
best params:{'c1': 0.3717925853055416, 'c2': 0.017924580629424793}
best CV score:0.8125475599052483
model size: 0.07M
Flat F1: 0.8015576085711513
precision recall f1-score support
OD 0.789 0.405 0.536 37
pH 1.000 1.000 1.000 12
Technique 1.000 0.909 0.952 22
Med 0.891 0.860 0.875 57
Temp 0.818 1.000 0.900 18
Vess 0.000 0.000 0.000 0
Agit 0.000 0.000 0.000 0
Phase 1.000 0.895 0.944 19
Air 0.783 0.758 0.770 62
Anti 0.857 0.667 0.750 9
Strain 1.000 1.000 1.000 1
Gtype 0.897 0.821 0.857 106
Substrain 0.000 0.000 0.000 1
Supp 0.857 0.662 0.747 136
Gversion 0.000 0.000 0.000 0
avg / total 0.868 0.754 0.802 480
Top likely transitions:
Agit -> Agit 6.913143
OD -> OD 6.546357
Temp -> Temp 5.712726
Med -> Med 5.305596
Anti -> Anti 5.023718
Supp -> Supp 4.631165
Phase -> Phase 4.500208
Gtype -> Gtype 4.293158
Air -> Air 4.246276
Gversion -> Gversion 4.168987
O -> O 3.925497
Technique -> Technique 3.566379
pH -> pH 2.052884
O -> Supp 1.936178
Gtype -> Supp 1.326152
Air -> O 1.051292
O -> Technique 0.918460
O -> Gtype 0.855955
O -> Anti 0.549728
Med -> O 0.455808
Phase -> O 0.391302
O -> Temp 0.389367
OD -> Phase 0.349412
Supp -> O 0.327410
Substrain -> Gtype 0.326440
Temp -> O 0.267368
O -> Med 0.077179
O -> Phase 0.028994
O -> Gversion 0.026775
Technique -> pH -0.006596
Air -> Temp -0.006647
Phase -> OD -0.020087
Gtype -> Anti -0.153729
Supp -> Gtype -0.163416
Gtype -> OD -0.192090
Supp -> Med -0.235685
OD -> O -0.243341
Med -> Supp -0.274565
Agit -> O -0.322550
Gtype -> O -0.369110
OD -> Air -0.568717
O -> Air -0.731642
Technique -> O -0.757868
Substrain -> O -0.822866
Top unlikely transitions:
Agit -> Agit 6.913143
OD -> OD 6.546357
Temp -> Temp 5.712726
Med -> Med 5.305596
Anti -> Anti 5.023718
Supp -> Supp 4.631165
Phase -> Phase 4.500208
Gtype -> Gtype 4.293158
Air -> Air 4.246276
Gversion -> Gversion 4.168987
O -> O 3.925497
Technique -> Technique 3.566379
pH -> pH 2.052884
O -> Supp 1.936178
Gtype -> Supp 1.326152
Air -> O 1.051292
O -> Technique 0.918460
O -> Gtype 0.855955
O -> Anti 0.549728
Med -> O 0.455808
Phase -> O 0.391302
O -> Temp 0.389367
OD -> Phase 0.349412
Supp -> O 0.327410
Substrain -> Gtype 0.326440
Temp -> O 0.267368
O -> Med 0.077179
O -> Phase 0.028994
O -> Gversion 0.026775
Technique -> pH -0.006596
Air -> Temp -0.006647
Phase -> OD -0.020087
Gtype -> Anti -0.153729
Supp -> Gtype -0.163416
Gtype -> OD -0.192090
Supp -> Med -0.235685
OD -> O -0.243341
Med -> Supp -0.274565
Agit -> O -0.322550
Gtype -> O -0.369110
OD -> Air -0.568717
O -> Air -0.731642
Technique -> O -0.757868
Substrain -> O -0.822866
Top positive:
7.111444 Technique b'lemma[:2]:Ch'
4.825937 O b'lemma[:2]:re'
4.279457 Air b'lemma:anaerobic'
3.725935 O b'lemma[:2]:ge'
3.543228 O b'lemma:1'
3.543228 O b'lemma[:2]:1'
3.524472 OD b'lemma[:2]:od'
3.478950 Phase b'lemma:stationary'
3.469718 Gtype b'-1:lemma:\xe2\x88\x86'
3.448630 Gtype b'lemma:arca8myc'
3.428352 Air b'-1:lemma:ChIP-Seq'
3.363763 Air b'lemma:aerobic'
3.207046 O b'lemma:rpob'
3.019693 Supp b'lemma:Iron'
3.019693 Supp b'lemma[:2]:Ir'
3.010875 O b'-1:lemma:ChIP-exo'
2.921711 Supp b'+1:lemma:\xc2\xb5m'
2.911305 Gtype b'lemma[:1]:\xce\xb4'
2.889155 O b'-1:lemma:tag'
2.855933 O b'lemma:with'
2.855646 Med b'lemma[:1]:L'
2.846749 Technique b'lemma:chipseq'
2.827870 O b'lemma:2'
2.827870 O b'lemma[:2]:2'
2.817912 Air b'lemma[:2]:ae'
2.797895 Substrain b'lemma:mg1655'
2.792078 Phase b'lemma:mid-log'
2.745493 Supp b'+1:lemma:1'
2.729132 Technique b'lemma[:2]:rn'
2.682269 O b'lemma:3'
2.682269 O b'lemma[:2]:3'
2.657675 Gtype b'lemma:type'
2.657675 Gtype b'lemma[:2]:ty'
2.623761 Med b'+1:lemma:0.4'
2.580684 Gtype b'lemma[:2]:cr'
2.579976 O b'lemma:_'
2.579976 O b'lemma[:1]:_'
2.579976 O b'lemma[:2]:_'
2.569904 O b'+1:lemma:od600'
2.544048 Gtype b'lemma[:2]:de'
2.507607 Temp b'-1:lemma:sample'
2.491621 Supp b'lemma:nitrate'
2.491621 Supp b'lemma[:2]:ni'
2.487340 Gtype b'lemma:flag-tag'
2.487340 Gtype b'-1:lemma:c-terminal'
2.476917 Supp b'lemma:arginine'
2.470339 Anti b'+1:lemma:antibody'
2.468809 Gtype b'lemma[:2]:fl'
2.457061 Air b'lemma[:2]:an'
2.401035 Gversion b'lemma:nc'
2.401035 Gversion b'lemma[:2]:nc'
2.380072 O b'-1:lemma:0.3-0.35'
2.346761 O b'+1:lemma:pq'
2.337210 Supp b'+1:lemma:2'
2.311094 Gversion b'-1:lemma:nc'
2.292513 Gtype b'+1:lemma::'
2.281017 Med b'lemma:MOPS'
2.281017 Med b'lemma[:1]:M'
2.281017 Med b'lemma[:2]:MO'
2.204715 Substrain b'lemma[:2]:mg'
2.199859 O b'lemma:0.4'
2.194544 Gversion b'lemma[:2]:00'
2.169851 Temp b'-1:lemma:\xcf\x8332'
2.168672 Gtype b'lemma:fnr8myc'
2.159299 Air b'-1:lemma:co2'
2.156668 Strain b'lemma:k-12'
2.156668 Strain b'lemma[:2]:k-'
2.155314 O b'-1:lemma:Aerobic'
2.138255 Supp b'-1:lemma:Cra'
2.135365 Anti b'lemma[:2]:an'
2.117472 pH b'lemma:ph5'
2.117472 pH b'+1:lemma:.5'
2.108610 Temp b'lemma[:1]:3'
2.107391 Air b'lemma[:1]:A'
2.102650 Supp b'lemma:pq'
2.102650 Supp b'lemma[:2]:pq'
2.096866 Air b'-1:lemma:-'
2.086323 Supp b'lemma[:2]:gl'
2.074272 O b'-1:lemma:anaerobic'
2.064241 Gtype b'lemma:nsrr'
2.064241 Gtype b'lemma[:2]:ns'
2.029654 O b'lemma:b'
2.029654 O b'lemma[:2]:b'
2.016572 Gtype b'lemma[:1]:W'
1.998951 Technique b'lemma[:2]:ch'
1.998131 O b'lemma:a'
1.998131 O b'lemma[:2]:a'
1.968766 Gtype b'-1:lemma:rpob'
1.962195 Gtype b'hGreek'
1.961034 Med b'lemma:lb'
1.961034 Med b'lemma[:2]:lb'
1.938806 Gtype b'lemma[:2]:ar'
1.930507 OD b'+1:lemma:stationary'
1.923810 Gversion b'lemma:chip-seq'
1.891990 O b'-1:lemma:0.3'
1.889150 Strain b'+1:lemma:substr'
1.888844 Technique b'lemma[:1]:C'
1.884878 Gtype b'+1:lemma:flagtag'
1.882512 O b'postag::'
1.882512 O b'postag[:1]::'
1.882512 O b'postag[:2]::'
1.856991 O b'+1:postag:RB'
1.851608 O b'postag:IN'
1.851608 O b'postag[:1]:I'
1.851608 O b'postag[:2]:IN'
1.840138 Supp b'-1:lemma:with'
1.839774 Supp b'lemma[:1]:\xc2\xb5'
1.822500 Gtype b'+1:lemma:type'
1.816568 O b'lemma[:1]:C'
1.815184 Gversion b'lemma:asm584v2'
1.805652 Gversion b'lemma[:2]:as'
1.792629 O b'+1:postag:NNP'
1.791305 Supp b'lemma:fructose'
1.786544 O b'-1:lemma:type'
1.762437 Supp b'+1:lemma:_'
1.759820 O b'-1:lemma:lb'
1.756744 O b'-1:lemma:glucose'
1.754105 Vess b'lemma:flask'
1.754105 Vess b'-1:lemma:warm'
1.750186 O b'lemma:Custom'
1.750186 O b'lemma[:2]:Cu'
1.745341 Strain b'lemma[:1]:k'
1.739577 Vess b'lemma[:2]:fl'
1.726669 Supp b'lemma:rifampicin'
1.707436 Supp b'lemma[:2]:ri'
1.707207 Gtype b'+1:lemma:with'
1.696113 O b'lemma[:1]:-'
1.692259 Air b'lemma[:1]:a'
1.639949 Air b'lemma:Aerobic'
1.639949 Air b'lemma[:2]:Ae'
1.635409 O b'postag:CC'
1.635409 O b'postag[:2]:CC'
1.628056 Med b'+1:lemma:g/l'
1.615358 Technique b'symb'
1.610565 Supp b'lemma[:1]:1'
1.597091 pH b'+1:postag:CD'
1.589795 O b'lemma:\xcf\x8332'
1.589795 O b'lemma[:1]:\xcf\x83'
1.589795 O b'lemma[:2]:\xcf\x833'
1.563036 O b'-1:lemma:l1'
1.532125 Supp b'lemma:acetate'
1.523450 Supp b'lemma[:1]:I'
1.498488 O b'+1:lemma:nacl'
1.484546 Supp b'lemma:no3'
1.474134 Gtype b'-1:lemma:_'
1.462775 Technique b'-1:lemma:input'
1.457922 O b'+1:lemma:ph5'
1.445969 Gtype b'-1:postag:VBG'
1.435822 Gtype b'+1:lemma:_'
1.434655 Supp b'lemma:Fe'
1.434655 Supp b'lemma[:2]:Fe'
1.433511 Gtype b'-1:lemma:vector'
1.429069 Supp b'-1:postag:CD'
1.428528 Gtype b'lemma[:1]:w'
1.424222 pH b'lemma:.5'
1.424222 pH b'-1:lemma:ph5'
1.424222 pH b'lemma[:2]:.5'
1.422747 Med b'+1:lemma:2.0'
1.408132 Supp b'+1:lemma:hour'
1.397778 O b'lemma:.'
1.397778 O b'postag:.'
1.397778 O b'postag[:1]:.'
1.397778 O b'postag[:2]:.'
1.397778 O b'lemma[:2]:.'
1.381316 Gtype b'lemma:wt'
1.381316 Gtype b'lemma[:2]:wt'
1.377815 Temp b'lemma:43'
1.377815 Temp b'lemma[:2]:43'
1.377716 Air b'+1:postag:IN'
1.372036 Med b'+1:postag:-LRB-'
1.371743 Med b'+1:lemma:-lrb-'
1.357313 Anti b'lemma:none'
1.356053 Temp b'-1:lemma:43'
1.355054 Supp b'lemma[:2]:fr'
1.352442 Gversion b'+1:lemma:000913'
1.348258 O b'-1:lemma:\xc2\xb0c'
1.339531 Supp b'-1:postag:SYM'
1.337456 O b'lemma:delta'
1.335121 Supp b'lemma[:2]:ac'
1.330202 O b'+1:lemma:mid-log'
1.317551 Supp b'-1:postag:CC'
1.312876 OD b'lemma:od600'
1.304321 O b'lemma[:1]:s'
1.301244 Technique b'+1:lemma:chip-exo'
1.288165 Supp b'lemma[:1]:2'
1.287921 Phase b'+1:lemma:-lrb-'
1.287384 Temp b'-1:lemma:37'
1.287206 Supp b'lemma:nh4cl'
1.287206 Supp b'lemma[:2]:nh'
1.285698 Supp b'lemma[:2]:0.'
1.283844 Supp b'lemma[:2]:fe'
1.280443 Med b'+1:lemma:supplement'
1.280143 Gtype b'lemma[:1]:t'
1.278668 Phase b'+1:postag:-LRB-'
1.258754 Technique b'-1:lemma:1'
1.258397 Med b'+1:lemma:minimal'
1.256238 Med b'lemma[:1]:m'
1.247668 OD b'lemma[:1]:o'
1.247204 Gversion b'lemma:u00096'
1.247204 Gversion b'+1:lemma:.2'
Top negative:
-0.000006 O b'lemma[:1]:f'
-0.000014 Temp b'postag:NN'
-0.000014 O b'lemma[:1]:4'
-0.000077 O b'-1:postag:JJ'
-0.000104 O b'lemma:\xe2\x88\x86'
-0.000104 O b'lemma[:1]:\xe2\x88\x86'
-0.000104 O b'lemma[:2]:\xe2\x88\x86'
-0.000117 O b'-1:lemma:to'
-0.000117 O b'-1:postag:TO'
-0.000139 Gtype b'lemma[:1]:-'
-0.000165 O b'-1:lemma:rifampicin'
-0.000244 Air b'postag:-RRB-'
-0.000244 Air b'postag[:2]:-R'
-0.000244 Air b'lemma[:2]:-r'
-0.000251 O b'+1:lemma:n2'
-0.000490 O b'-1:lemma:\xe2\x88\x86'
-0.000570 OD b'+1:postag:NNS'
-0.001255 Supp b'postag[:1]:N'
-0.001255 Supp b'postag[:2]:NN'
-0.001277 O b'lemma[:2]:an'
-0.001620 Supp b'+1:postag:IN'
-0.001834 O b'-1:lemma:mid-log'
-0.004139 Air b'lemma[:2]:25'
-0.004380 O b'postag:VBP'
-0.004418 O b'+1:lemma:phase'
-0.004475 Gtype b'+1:lemma:-rrb-'
-0.004892 O b'lemma:phase'
-0.005013 Anti b'postag[:1]:N'
-0.005013 Anti b'postag[:2]:NN'
-0.005037 O b'lemma[:2]:ph'
-0.005405 Air b'lemma:-lrb-'
-0.005662 O b'-1:lemma:of'
-0.006882 O b'lemma:media'
-0.007168 Gtype b'lemma[:1]:g'
-0.007303 Air b'postag:-LRB-'
-0.007303 Air b'postag[:2]:-L'
-0.007303 Air b'lemma[:2]:-l'
-0.007834 Air b'+1:lemma:and'
-0.008160 Air b'lemma:25'
-0.008761 OD b'postag[:1]:C'
-0.010588 OD b'postag:CD'
-0.010588 OD b'postag[:2]:CD'
-0.012329 Phase b'-1:lemma:at'
-0.013171 Med b'postag[:1]:C'
-0.013817 Air b'+1:lemma:until'
-0.016734 OD b'postag[:1]:N'
-0.016734 OD b'postag[:2]:NN'
-0.018208 Air b'lemma[:1]:n'
-0.022588 Supp b'hUpper'
-0.022588 Supp b'hLower'
-0.023822 Air b'postag[:1]:C'
-0.024287 O b'symb'
-0.025967 Med b'lemma[:1]:c'
-0.026538 Air b'-1:postag:-LRB-'
-0.031765 Technique b'postag[:1]:N'
-0.031765 Technique b'postag[:2]:NN'
-0.032068 Supp b'lemma[:2]:mi'
-0.037401 Air b'lemma[:1]:o'
-0.040028 Med b'postag:NN'
-0.043803 Air b'+1:lemma:-lrb-'
-0.044062 OD b'+1:postag:CD'
-0.044602 Supp b'-1:lemma:%'
-0.044731 Air b'+1:postag:-LRB-'
-0.046035 OD b'postag:JJ'
-0.046795 Air b'-1:lemma:-lrb-'
-0.048808 OD b'postag[:1]:J'
-0.048808 OD b'postag[:2]:JJ'
-0.049349 O b'+1:lemma:rep1'
-0.050801 Supp b'postag:CD'
-0.050801 Supp b'postag[:2]:CD'
-0.056455 O b'+1:lemma:0.3'
-0.057472 O b'-1:lemma:from'
-0.066677 O b'lemma:dissolve'
-0.071601 Supp b'lemma[:1]:o'
-0.072755 O b'lemma[:1]:k'
-0.073873 O b'lemma:150'
-0.073873 O b'+1:lemma:mg/ml'
-0.073873 O b'lemma[:2]:15'
-0.076685 O b'-1:lemma:ml'
-0.076846 O b'lemma[:2]:gl'
-0.077209 O b'-1:lemma:od600'
-0.083778 O b'+1:lemma:300'
-0.087471 Air b'symb'
-0.091928 Supp b'+1:postag:VBN'
-0.092333 Air b'postag:CC'
-0.092333 Air b'postag[:2]:CC'
-0.092993 O b'+1:lemma:%'
-0.100219 Supp b'+1:lemma:rifampicin'
-0.100582 O b'lemma:0.1'
-0.102695 O b'-1:lemma:-lrb-'
-0.109000 Air b'-1:lemma:or'
-0.111199 Supp b'lemma[:2]:an'
-0.112020 Air b'-1:postag:CC'
-0.113367 O b'+1:lemma:shake'
-0.119111 Anti b'+1:lemma:anti-fur'
-0.124927 O b'+1:lemma:+'
-0.125975 O b'-1:postag:VBN'
-0.128619 O b'-1:lemma:ompr'
-0.137106 Gtype b'-1:lemma:,'
-0.137106 Gtype b'-1:postag:,'
-0.145475 Gtype b'lemma[:1]:n'
-0.150071 O b'lemma[:1]:d'
-0.151088 Anti b'symb'
-0.158504 Air b'+1:postag:JJ'
-0.162749 O b'-1:lemma:37'
-0.168152 O b'-1:lemma:grow'
-0.177645 Technique b'-1:lemma::'
-0.186245 O b'-1:lemma:IP'
-0.188141 Temp b'+1:lemma:to'
-0.188141 Temp b'+1:postag:TO'
-0.189069 O b'-1:lemma:rna'
-0.190006 O b'+1:lemma:-rrb-'
-0.192143 O b'lemma[:2]:30'
-0.219680 O b'lemma:co2'
-0.231361 Agit b'symb'
-0.256617 O b'lemma:of'
-0.256617 O b'lemma[:2]:of'
-0.259140 O b'lemma:37'
-0.259140 O b'lemma[:2]:37'
-0.267489 O b'lemma[:2]:od'
-0.270561 Med b'+1:postag:NN'
-0.273391 O b'+1:lemma:fecl2'
-0.274839 O b'+1:postag:IN'
-0.277041 Technique b'postag:NN'
-0.281854 O b'+1:lemma:\xc2\xb0c'
-0.292441 O b'lemma:20'
-0.295792 Med b'-1:postag:CD'
-0.308709 Supp b'postag[:1]:C'
-0.308783 O b'lemma[:1]:p'
-0.311181 O b'lemma:wt'
-0.311181 O b'lemma[:2]:wt'
-0.318567 Med b'+1:postag:IN'
-0.318793 O b'lemma:2h'
-0.318793 O b'-1:lemma:additional'
-0.318793 O b'lemma[:2]:2h'
-0.330370 O b'+1:postag:-RRB-'
-0.332499 Air b'postag[:1]:N'
-0.332499 Air b'postag[:2]:NN'
-0.334391 Med b'-1:postag:NN'
-0.338586 Temp b'hGreek'
-0.351814 O b'lemma[:2]:me'
-0.363828 O b'lemma[:1]:L'
-0.365790 Gtype b'lemma:delta'
-0.396021 O b'+1:lemma:.'
-0.396021 O b'+1:postag:.'
-0.405253 OD b'+1:postag:NN'
-0.409588 O b'lemma[:2]:ri'
-0.436123 O b'lemma[:2]:0.'
-0.437523 O b'-1:postag:IN'
-0.461538 O b'-1:postag:-LRB-'
-0.480537 O b'-1:lemma:cra'
-0.524678 Technique b'-1:postag::'
-0.534816 Supp b'postag:JJ'
-0.541445 O b'-1:lemma:sample'
-0.544159 Med b'symb'
-0.553976 Anti b'postag:NNP'
-0.557482 O b'+1:lemma:hour'
-0.572719 Gtype b'lemma[:2]:rp'
-0.577168 Air b'postag:NN'
-0.603309 Supp b'postag[:1]:J'
-0.603309 Supp b'postag[:2]:JJ'
-0.608253 Air b'-1:postag:JJ'
-0.609440 O b'lemma[:1]:A'
-0.611762 Agit b'hUpper'
-0.611762 Agit b'hLower'
-0.616867 Supp b'lemma[:1]:c'
-0.662379 O b'-1:lemma:the'
-0.665646 O b'+1:postag:VBG'
-0.667220 O b'+1:postag:NNS'
-0.672166 O b'lemma:methanol'
-0.688760 O b'+1:lemma:cell'
-0.696400 Gtype b'lemma[:1]:m'
-0.709438 O b'-1:lemma:rpob'
-0.746988 O b'+1:lemma:supplement'
-0.748227 O b'-1:lemma:nsrr'
-0.750862 Gtype b'lemma[:1]:c'
-0.762647 O b'lemma:mid-log'
-0.764019 O b'+1:lemma:g/l'
-0.820923 O b'-1:lemma:dissolve'
-0.820923 O b'+1:lemma:methanol'
-0.849761 Phase b'hUpper'
-0.849761 Phase b'hLower'
-0.878961 O b'lemma:rifampicin'
-0.991808 O b'-1:lemma:co2'
-1.038541 O b'lemma[:1]:0'
-1.156169 O b'+1:lemma:at'
-1.157980 Gtype b'lemma[:1]:a'
-1.204180 Supp b'symb'
-1.233540 O b'lemma[:1]:\xce\xb4'
-1.266754 Supp b'hGreek'
-1.301358 O b'-1:postag:VBG'
-1.514277 O b'-1:postag::'
-1.655597 OD b'postag[:1]:-'
-1.753063 O b'+1:lemma:in'
-1.852806 OD b'lemma[:1]:-'
-1.885226 O b'-1:lemma:2'
-1.959854 O b'+1:lemma:2'
-2.144976 O b'+1:lemma:1'
-3.787456 O b'-1:lemma::'
-4.714231 O b'-1:lemma:_'
********** TRAINING AND TESTING REPORT **********
Training file: training-data-set-70_v4.txt
best params:{'c1': 0.279361962019874, 'c2': 0.0038200106679588276}
best CV score:0.8186573824050531
model size: 0.07M
Flat F1: 0.8128691445699846
precision recall f1-score support
OD 0.789 0.405 0.536 37
pH 1.000 1.000 1.000 12
Technique 1.000 0.909 0.952 22
Med 0.897 0.912 0.904 57
Temp 0.818 1.000 0.900 18
Vess 0.000 0.000 0.000 0
Agit 0.000 0.000 0.000 0
Phase 1.000 0.947 0.973 19
Air 0.780 0.742 0.760 62
Anti 1.000 0.889 0.941 9
Strain 1.000 1.000 1.000 1
Gtype 0.918 0.849 0.882 106
Substrain 0.000 0.000 0.000 1
Supp 0.835 0.669 0.743 136
Gversion 0.000 0.000 0.000 0
avg / total 0.869 0.773 0.813 480
Top likely transitions:
Agit -> Agit 7.239488
OD -> OD 6.986110
Temp -> Temp 6.018161
Anti -> Anti 5.460406
Med -> Med 5.405632
Supp -> Supp 4.891085
Air -> Air 4.827197
Phase -> Phase 4.808148
Gversion -> Gversion 4.563407
Gtype -> Gtype 4.416717
O -> O 3.914205
Technique -> Technique 3.585291
pH -> pH 2.066900
O -> Supp 2.030835
Gtype -> Supp 1.504335
Air -> O 1.080882
O -> Technique 0.833471
O -> Gtype 0.713793
O -> Anti 0.531693
OD -> Phase 0.408195
Substrain -> Gtype 0.381038
O -> Gversion 0.245512
O -> Temp 0.216347
Med -> O 0.140439
Supp -> O 0.136031
Phase -> O 0.111016
O -> Phase 0.102578
O -> Med 0.027873
Technique -> Air 0.004864
Temp -> O 0.002877
Phase -> Air 0.002070
O -> OD -0.000053
Air -> Temp -0.001109
Technique -> pH -0.003137
Anti -> O -0.004004
OD -> Air -0.082107
Supp -> Med -0.222493
Gtype -> Anti -0.266509
Phase -> OD -0.268963
OD -> O -0.365524
Gtype -> O -0.470283
Supp -> Gtype -0.575625
Agit -> O -0.740344
O -> Air -0.754198
Med -> Supp -0.916394
Technique -> O -0.944892
Substrain -> O -1.056452
Top unlikely transitions:
Agit -> Agit 7.239488
OD -> OD 6.986110
Temp -> Temp 6.018161
Anti -> Anti 5.460406
Med -> Med 5.405632
Supp -> Supp 4.891085
Air -> Air 4.827197
Phase -> Phase 4.808148
Gversion -> Gversion 4.563407
Gtype -> Gtype 4.416717
O -> O 3.914205
Technique -> Technique 3.585291
pH -> pH 2.066900
O -> Supp 2.030835
Gtype -> Supp 1.504335
Air -> O 1.080882
O -> Technique 0.833471
O -> Gtype 0.713793
O -> Anti 0.531693
OD -> Phase 0.408195
Substrain -> Gtype 0.381038
O -> Gversion 0.245512
O -> Temp 0.216347
Med -> O 0.140439
Supp -> O 0.136031
Phase -> O 0.111016
O -> Phase 0.102578
O -> Med 0.027873
Technique -> Air 0.004864
Temp -> O 0.002877
Phase -> Air 0.002070
O -> OD -0.000053
Air -> Temp -0.001109
Technique -> pH -0.003137
Anti -> O -0.004004
OD -> Air -0.082107
Supp -> Med -0.222493
Gtype -> Anti -0.266509
Phase -> OD -0.268963
OD -> O -0.365524
Gtype -> O -0.470283
Supp -> Gtype -0.575625
Agit -> O -0.740344
O -> Air -0.754198
Med -> Supp -0.916394
Technique -> O -0.944892
Substrain -> O -1.056452
Top positive:
8.966672 Technique b'lemma[:2]:Ch'
6.588612 Phase b'lemma:stationary'
5.718268 Air b'lemma:anaerobic'
5.159572 O b'lemma[:2]:re'
4.823035 O b'-1:lemma:tag'
4.717845 Air b'lemma:aerobic'
4.658070 Phase b'lemma:mid-log'
4.421877 OD b'lemma[:2]:od'
4.420602 Gtype b'lemma:arca8myc'
4.062533 O b'lemma:1'
4.062533 O b'lemma[:2]:1'
3.912148 Gtype b'-1:lemma:\xe2\x88\x86'
3.888418 Air b'-1:lemma:ChIP-Seq'
3.848911 O b'lemma:rpob'
3.769611 O b'lemma[:2]:ge'
3.714984 Strain b'+1:lemma:substr'
3.670004 Gtype b'lemma[:2]:fl'
3.560689 O b'lemma:with'
3.436525 O b'-1:lemma:ChIP-exo'
3.429177 Supp b'lemma:arginine'
3.425608 Technique b'lemma[:2]:rn'
3.371645 Med b'+1:lemma:0.4'
3.328846 Supp b'lemma:Iron'
3.328846 Supp b'lemma[:2]:Ir'
3.321795 Supp b'+1:lemma:1'
3.310404 Supp b'+1:lemma:\xc2\xb5m'
3.308999 Temp b'-1:lemma:sample'
3.277763 Technique b'lemma:chipseq'
3.240649 Gversion b'-1:lemma:nc'
3.124383 Gtype b'lemma[:1]:\xce\xb4'
3.090861 O b'-1:lemma:Aerobic'
3.008868 O b'lemma:3'
3.008868 O b'lemma[:2]:3'
3.007173 O b'+1:lemma:pq'
3.000180 O b'+1:lemma:od600'
3.000100 Gtype b'lemma[:2]:cr'
2.948508 OD b'+1:lemma:stationary'
2.947897 O b'-1:lemma:0.3-0.35'
2.947877 O b'lemma:2'
2.947877 O b'lemma[:2]:2'
2.932527 Gtype b'lemma:fnr8myc'
2.885967 Supp b'lemma:fructose'
2.838346 Temp b'lemma[:1]:3'
2.804560 Supp b'+1:lemma:2'
2.762138 Med b'lemma:MOPS'
2.762138 Med b'lemma[:1]:M'
2.762138 Med b'lemma[:2]:MO'
2.737960 O b'-1:lemma:anaerobic'
2.712644 Gtype b'lemma[:2]:de'
2.710120 Anti b'+1:lemma:antibody'
2.704453 Supp b'lemma[:2]:0.'
2.695502 O b'-1:lemma:0.3'
2.674794 O b'lemma:_'
2.674794 O b'lemma[:1]:_'
2.674794 O b'lemma[:2]:_'
2.661858 Supp b'-1:lemma:Cra'
2.648028 Anti b'lemma[:2]:an'
2.616030 Supp b'lemma:nitrate'
2.616030 Supp b'lemma[:2]:ni'
2.599686 Technique b'-1:lemma:input'
2.597924 Med b'lemma[:1]:L'
2.576426 Gtype b'-1:lemma:rpob'
2.565057 Gtype b'lemma:type'
2.565057 Gtype b'lemma[:2]:ty'
2.560359 pH b'lemma:ph5'
2.560359 pH b'+1:lemma:.5'
2.509084 O b'lemma:delta'
2.478623 Gtype b'lemma[:1]:W'
2.469353 O b'+1:postag:RB'
2.432106 Gtype b'lemma:nsrr'
2.432106 Gtype b'lemma[:2]:ns'
2.399084 Temp b'-1:lemma:\xcf\x8332'
2.385698 Gversion b'lemma:nc'
2.385698 Gversion b'lemma[:2]:nc'
2.368284 Supp b'lemma:rifampicin'
2.366613 Gtype b'lemma:flag-tag'
2.366613 Gtype b'-1:lemma:c-terminal'
2.365159 O b'+1:lemma:sparging'
2.361737 Gversion b'lemma[:2]:00'
2.353117 Substrain b'lemma:mg1655'
2.347459 O b'-1:lemma:lb'
2.343081 Supp b'lemma[:2]:ri'
2.304781 O b'lemma:b'
2.304781 O b'lemma[:2]:b'
2.284446 Gversion b'lemma:chip-seq'
2.229948 Supp b'lemma:pq'
2.229948 Supp b'lemma[:2]:pq'
2.222205 Strain b'lemma:k-12'
2.222205 Strain b'lemma[:2]:k-'
2.167335 Supp b'lemma[:1]:I'
2.161918 Gtype b'+1:lemma:flagtag'
2.159386 Gversion b'lemma:asm584v2'
2.144731 Gversion b'lemma[:2]:as'
2.113656 Supp b'+1:lemma:_'
2.112060 Supp b'lemma:acetate'
2.090761 O b'lemma[:2]:fo'
2.078514 O b'-1:lemma:glucose'
2.068162 Air b'lemma[:2]:an'
2.062479 Air b'lemma[:2]:ae'
2.059001 Strain b'lemma[:1]:k'
2.056638 Technique b'+1:lemma:chip-exo'
2.052703 O b'-1:lemma:type'
2.051285 O b'lemma:\xcf\x8332'
2.051285 O b'lemma[:1]:\xcf\x83'
2.051285 O b'lemma[:2]:\xcf\x833'
2.050334 Vess b'lemma:flask'
2.050334 Vess b'-1:lemma:warm'
2.032344 Substrain b'lemma[:2]:mg'
2.030892 Vess b'lemma[:2]:fl'
2.027838 Air b'-1:lemma:-'
2.024791 Air b'lemma[:1]:A'
2.015955 Technique b'lemma[:2]:ch'
2.002652 O b'lemma:a'
2.002652 O b'lemma[:2]:a'
1.996430 Substrain b'+1:lemma:phtpg'
1.981067 Supp b'lemma[:1]:1'
1.954710 pH b'+1:postag:CD'
1.953189 Gtype b'lemma[:2]:ar'
1.939301 Gtype b'hGreek'
1.934603 Gtype b'-1:lemma:_'
1.932040 Med b'+1:lemma:2.0'
1.930878 O b'lemma:0.4'
1.909748 Supp b'-1:lemma:+'
1.867334 O b'+1:postag:NNP'
1.854658 Supp b'+1:lemma:hour'
1.852643 Supp b'lemma[:2]:gl'
1.850156 Supp b'-1:lemma:with'
1.841046 O b'postag:IN'
1.841046 O b'postag[:1]:I'
1.841046 O b'postag[:2]:IN'
1.840736 Air b'lemma:Aerobic'
1.840736 Air b'lemma[:2]:Ae'
1.839093 O b'lemma[:1]:C'
1.831912 Gtype b'+1:lemma::'
1.810536 Med b'lemma:lb'
1.810536 Med b'lemma[:2]:lb'
1.802382 Gtype b'-1:lemma:vector'
1.794761 Supp b'lemma[:1]:\xc2\xb5'
1.793907 O b'lemma:Custom'
1.793907 O b'lemma[:2]:Cu'
1.710377 Anti b'lemma:none'
1.695245 Air b'lemma[:1]:a'
1.679966 Gtype b'+1:lemma:with'
1.678353 O b'postag::'
1.678353 O b'postag[:1]::'
1.678353 O b'postag[:2]::'
1.672503 O b'-1:lemma:l1'
1.660511 O b'+1:lemma:nacl'
1.634575 Gtype b'+1:lemma:type'
1.633916 Air b'-1:lemma:co2'
1.633212 Temp b'lemma:43'
1.633212 Temp b'lemma[:2]:43'
1.630422 Technique b'+1:lemma:rna-seq'
1.627467 Supp b'lemma[:1]:2'
1.617176 Med b'+1:lemma:g/l'
1.591078 Temp b'-1:lemma:43'
1.584703 Phase b'lemma:exponentially'
1.580088 Gtype b'lemma[:1]:w'
1.569142 Technique b'symb'
1.544136 Med b'+1:lemma:minimal'
1.543828 Gversion b'lemma:.2'
1.543828 Gversion b'-1:lemma:u00096'
1.543828 Gversion b'lemma[:2]:.2'
1.539233 Technique b'-1:lemma:1'
1.535225 Gtype b'-1:lemma:Combined'
1.530825 O b'lemma[:1]:-'
1.529855 Gtype b'lemma:wt'
1.529855 Gtype b'lemma[:2]:wt'
1.526054 Med b'lemma:broth'
1.526054 Med b'-1:lemma:L'
1.526054 Med b'lemma[:2]:br'
1.523299 O b'lemma:chip'
1.508452 Supp b'lemma:Fe'
1.508452 Supp b'lemma[:2]:Fe'
1.503882 O b'+1:lemma:mid-log'
1.496251 Anti b'-1:lemma::'
1.486906 Supp b'lemma[:2]:fe'
1.470644 Anti b'lemma:anti-rpos'
1.462451 Supp b'lemma:dpd'
1.462451 Supp b'lemma[:2]:dp'
1.460661 Med b'+1:lemma:-lrb-'
1.458027 O b'lemma[:2]:in'
1.451098 pH b'lemma:.5'
1.451098 pH b'-1:lemma:ph5'
1.451098 pH b'lemma[:2]:.5'
1.446735 Med b'+1:postag:-LRB-'
1.442566 O b'+1:lemma:ph5'
1.438411 Supp b'lemma:no3'
1.436805 Supp b'lemma:iptg'
1.433263 O b'lemma:.'
1.433263 O b'postag:.'
1.433263 O b'postag[:1]:.'
1.433263 O b'postag[:2]:.'
1.433263 O b'lemma[:2]:.'
1.423900 O b'-1:lemma:\xc2\xb0c'
1.418739 Supp b'lemma:0.1'
1.401196 O b'lemma:purr'
1.384007 Med b'+1:lemma:contain'
1.375436 Supp b'lemma:nh4cl'
1.375436 Supp b'lemma[:2]:nh'
Top negative:
-0.001541 O b'+1:lemma:mm'
-0.001854 Gtype b'postag[:1]:V'
-0.001854 Gtype b'postag[:2]:VB'
-0.001951 Med b'-1:postag:IN'
-0.002248 Air b'lemma:-rrb-'
-0.002552 O b'+1:lemma:phase'
-0.002974 O b'lemma[:2]:an'
-0.003066 OD b'postag[:1]:N'
-0.003066 OD b'postag[:2]:NN'
-0.003120 O b'lemma[:2]:de'
-0.004645 Supp b'lemma:2'
-0.004645 Supp b'lemma[:2]:2'
-0.004667 Med b'+1:postag:NNS'
-0.005354 O b'-1:lemma:from'
-0.006386 Temp b'postag:NN'
-0.006593 Air b'-1:postag:-LRB-'
-0.007131 Supp b'postag:NNS'
-0.007895 O b'-1:lemma:mid-log'
-0.011115 O b'+1:lemma:delta'
-0.011562 Agit b'-1:postag:NN'
-0.011701 Air b'-1:lemma:-lrb-'
-0.012537 Technique b'postag[:1]:N'
-0.012537 Technique b'postag[:2]:NN'
-0.013175 OD b'+1:postag:CC'
-0.013422 O b'-1:lemma:o2'
-0.014314 Air b'-1:lemma:aerobically'
-0.014690 OD b'+1:lemma:of'
-0.019165 Air b'lemma:and'
-0.019727 Air b'-1:lemma:and'
-0.020299 Gtype b'lemma[:1]:g'
-0.020563 O b'-1:lemma:mm'
-0.020740 O b'+1:lemma:shake'
-0.024009 Supp b'-1:lemma:for'
-0.028824 Phase b'-1:postag:NN'
-0.029809 Supp b'lemma[:1]:t'
-0.031578 Gtype b'lemma[:1]:,'
-0.032015 Gtype b'lemma:,'
-0.032015 Gtype b'postag:,'
-0.032015 Gtype b'postag[:1]:,'
-0.032015 Gtype b'postag[:2]:,'
-0.032015 Gtype b'lemma[:2]:,'
-0.032915 Gversion b'+1:postag:NN'
-0.035323 Air b'lemma[:1]:o'
-0.039237 O b'-1:postag:JJ'
-0.040153 Supp b'+1:postag:IN'
-0.043438 Supp b'hUpper'
-0.043438 Supp b'hLower'
-0.046431 O b'lemma[:1]:d'
-0.048385 O b'+1:lemma:co2'
-0.051633 Supp b'+1:lemma:rifampicin'
-0.053267 O b'+1:lemma:c'
-0.060706 O b'+1:lemma:until'
-0.062235 pH b'postag[:1]:N'
-0.062235 pH b'postag[:2]:NN'
-0.063097 O b'lemma[:2]:30'
-0.065359 Air b'-1:postag:RB'
-0.065508 O b'lemma:phase'
-0.071547 Agit b'postag[:1]:N'
-0.071547 Agit b'postag[:2]:NN'
-0.071659 O b'+1:lemma:or'
-0.072012 O b'+1:lemma:%'
-0.072345 Gtype b'-1:postag:NN'
-0.075128 Gtype b'-1:lemma:,'
-0.075128 Gtype b'-1:postag:,'
-0.076044 Supp b'-1:postag:NNP'
-0.076147 O b'-1:lemma:of'
-0.082454 O b'-1:lemma:IP'
-0.085284 Supp b'lemma[:1]:o'
-0.086193 O b'lemma[:2]:ce'
-0.091551 O b'lemma[:2]:fe'
-0.091759 O b'+1:lemma:+'
-0.095917 O b'lemma:co2'
-0.101416 O b'lemma:anaerobically'
-0.101520 Temp b'hGreek'
-0.111323 O b'lemma:37'
-0.111323 O b'lemma[:2]:37'
-0.114466 O b'-1:lemma:od600'
-0.114596 OD b'postag:CD'
-0.114596 OD b'postag[:2]:CD'
-0.117991 Air b'+1:postag:-LRB-'
-0.119139 O b'lemma[:2]:mg'
-0.122079 Air b'+1:lemma:-lrb-'
-0.123263 O b'-1:lemma:rna'
-0.128253 O b'-1:postag:VBN'
-0.135604 O b'+1:lemma:\xc2\xb0c'
-0.137855 Air b'symb'
-0.144842 Supp b'postag:CD'
-0.144842 Supp b'postag[:2]:CD'
-0.147096 Gtype b'+1:lemma:-rrb-'
-0.154114 Med b'postag:NN'
-0.155465 Phase b'postag:JJ'
-0.156939 Med b'+1:postag:IN'
-0.159442 O b'-1:lemma:rpob'
-0.159504 Air b'postag:CC'
-0.159504 Air b'postag[:2]:CC'
-0.165569 O b'lemma:anaerobic'
-0.169530 Air b'+1:postag:JJ'
-0.175033 Anti b'symb'
-0.207569 Technique b'-1:lemma::'
-0.211170 O b'-1:lemma:the'
-0.212648 Med b'postag[:1]:C'
-0.215967 O b'-1:lemma:grow'
-0.217662 Med b'+1:postag:NN'
-0.222008 Technique b'postag:NN'
-0.224207 O b'+1:lemma:-rrb-'
-0.227966 O b'lemma[:2]:od'
-0.234046 O b'-1:lemma:-lrb-'
-0.242892 Anti b'+1:lemma:anti-fur'
-0.243109 O b'lemma[:2]:me'
-0.257081 O b'lemma:of'
-0.257081 O b'lemma[:2]:of'
-0.276390 Phase b'-1:postag:JJ'
-0.293682 O b'lemma:wt'
-0.293682 O b'lemma[:2]:wt'
-0.295413 O b'+1:postag:IN'
-0.297541 OD b'+1:postag:CD'
-0.307394 O b'lemma[:2]:ae'
-0.307787 O b'-1:lemma:ml'
-0.308022 O b'lemma[:1]:p'
-0.312845 O b'-1:lemma:37'
-0.316240 Temp b'+1:lemma:to'
-0.316240 Temp b'+1:postag:TO'
-0.318530 Phase b'-1:lemma:at'
-0.325023 Agit b'symb'
-0.330260 O b'lemma:2h'
-0.330260 O b'-1:lemma:additional'
-0.330260 O b'lemma[:2]:2h'
-0.331312 Air b'postag[:1]:N'
-0.331312 Air b'postag[:2]:NN'
-0.335232 O b'postag:VBP'
-0.345145 Phase b'postag[:1]:J'
-0.345145 Phase b'postag[:2]:JJ'
-0.346773 O b'lemma[:2]:0.'
-0.347618 Air b'-1:postag:CC'
-0.356296 O b'-1:postag:-LRB-'
-0.358625 O b'+1:lemma:fecl2'
-0.364284 O b'+1:postag:-RRB-'
-0.380241 Med b'-1:postag:CD'
-0.399176 O b'+1:postag:VBG'
-0.399486 O b'lemma[:2]:gl'
-0.403156 O b'lemma:20'
-0.442379 O b'+1:lemma:cell'
-0.447923 Technique b'-1:postag::'
-0.457780 Med b'-1:postag:NN'
-0.460270 Supp b'+1:postag:VBN'
-0.472546 O b'lemma[:1]:L'
-0.491295 O b'-1:postag:IN'
-0.492050 O b'lemma[:2]:ri'
-0.496617 Supp b'postag[:1]:C'
-0.506785 O b'-1:lemma:ompr'
-0.527743 Supp b'postag:JJ'
-0.527772 Agit b'hUpper'
-0.527772 Agit b'hLower'
-0.536034 Air b'postag:NN'
-0.546321 Supp b'postag[:1]:J'
-0.546321 Supp b'postag[:2]:JJ'
-0.559301 Air b'-1:lemma:or'
-0.562023 Gtype b'lemma:delta'
-0.583547 O b'+1:lemma:.'
-0.583547 O b'+1:postag:.'
-0.587969 O b'lemma:mid-log'
-0.616736 O b'-1:lemma:cra'
-0.626025 Supp b'lemma[:1]:c'
-0.634232 Med b'symb'
-0.636392 Supp b'lemma[:2]:an'
-0.643020 O b'-1:lemma:nsrr'
-0.651532 O b'+1:postag:NNS'
-0.679804 Gtype b'lemma[:1]:m'
-0.686303 O b'lemma[:1]:0'
-0.688904 O b'+1:lemma:supplement'
-0.736464 Supp b'-1:lemma:%'
-0.766132 O b'+1:lemma:hour'
-0.767111 O b'lemma:rifampicin'
-0.796135 O b'+1:lemma:g/l'
-0.812830 O b'-1:lemma:co2'
-0.838937 Gtype b'lemma[:1]:c'
-0.841550 O b'-1:lemma:dissolve'
-0.841550 O b'+1:lemma:methanol'
-0.856382 O b'lemma:methanol'
-0.892060 Phase b'hUpper'
-0.892060 Phase b'hLower'
-0.975475 O b'+1:lemma:at'
-0.989308 O b'lemma[:1]:A'
-1.004723 Anti b'postag:NNP'
-1.018629 OD b'+1:postag:NN'
-1.026001 Air b'-1:postag:JJ'
-1.155732 O b'-1:postag:VBG'
-1.224739 Gtype b'lemma[:1]:a'
-1.278104 O b'-1:postag::'
-1.599751 Supp b'hGreek'
-1.606260 Supp b'symb'
-1.617602 O b'lemma[:1]:\xce\xb4'
-1.739815 OD b'postag[:1]:-'
-1.843942 O b'+1:lemma:in'
-1.945645 O b'+1:lemma:2'
-1.964299 OD b'lemma[:1]:-'
-2.043167 O b'-1:lemma:2'
-2.316510 O b'+1:lemma:1'
-4.221572 O b'-1:lemma::'
-4.721306 O b'-1:lemma:_'
********** TRAINING AND TESTING REPORT **********
Training file: training-data-set-70_v4.txt
best params:{'c1': 0.2964346107181682, 'c2': 0.033092970074011845}
best CV score:0.7978231610325259
model size: 0.07M
Flat F1: 0.8182231777447608
precision recall f1-score support
OD 0.769 0.400 0.526 25
pH 1.000 1.000 1.000 12
Technique 1.000 0.909 0.952 22
Med 0.897 0.912 0.904 57
Temp 0.818 1.000 0.900 18
Vess 0.000 0.000 0.000 0
Agit 0.000 0.000 0.000 0
Phase 1.000 0.789 0.882 19
Air 0.763 0.763 0.763 59
Anti 0.875 0.778 0.824 9
Strain 1.000 1.000 1.000 1
Gtype 0.810 0.833 0.821 102
Substrain 0.000 0.000 0.000 1
Supp 0.879 0.740 0.803 127
Gversion 0.000 0.000 0.000 0
avg / total 0.854 0.794 0.818 452
Top likely transitions:
OD -> OD 6.341340
Agit -> Agit 5.796664
Med -> Med 5.137165
Temp -> Temp 4.995762
Anti -> Anti 4.990782
Gtype -> Gtype 4.240477
Gversion -> Gversion 4.225898
Supp -> Supp 4.204534
Air -> Air 3.999870
Phase -> Phase 3.766897
Technique -> Technique 3.408533
O -> O 3.070414
pH -> pH 2.382635
O -> Supp 1.706269
Gtype -> Supp 1.701317
Phase -> Supp 1.187792
Air -> Temp 1.062230
O -> Gtype 1.028035
O -> Technique 0.914562
Vess -> Temp 0.909296
Substrain -> Gtype 0.750526
Air -> Phase 0.620936
Med -> O 0.613845
Temp -> Agit 0.571012
Air -> Med 0.331698
O -> Anti 0.318145
O -> Gversion 0.070972
Med -> Supp 0.067887
Technique -> Air 0.035349
Air -> O 0.020752
Supp -> O 0.013814
Supp -> Technique -0.037404
Vess -> O -0.060438
Gtype -> Phase -0.068194
O -> Phase -0.091450
OD -> O -0.114114
Supp -> Gtype -0.122317
Gtype -> OD -0.173122
Anti -> O -0.230490
Gtype -> Med -0.240559
O -> Air -0.241130
O -> Temp -0.243070
Technique -> pH -0.267697
Phase -> OD -0.299766
Supp -> Med -0.355333
Gversion -> O -0.394835
OD -> Med -0.450024
Gtype -> Anti -0.546414
O -> Agit -0.704801
Agit -> O -0.801535
Top unlikely transitions:
Temp -> Temp 4.995762
Anti -> Anti 4.990782
Gtype -> Gtype 4.240477
Gversion -> Gversion 4.225898
Supp -> Supp 4.204534
Air -> Air 3.999870
Phase -> Phase 3.766897
Technique -> Technique 3.408533
O -> O 3.070414
pH -> pH 2.382635
O -> Supp 1.706269
Gtype -> Supp 1.701317
Phase -> Supp 1.187792
Air -> Temp 1.062230
O -> Gtype 1.028035
O -> Technique 0.914562
Vess -> Temp 0.909296
Substrain -> Gtype 0.750526
Air -> Phase 0.620936
Med -> O 0.613845
Temp -> Agit 0.571012
Air -> Med 0.331698
O -> Anti 0.318145
O -> Gversion 0.070972
Med -> Supp 0.067887
Technique -> Air 0.035349
Air -> O 0.020752
Supp -> O 0.013814
Supp -> Technique -0.037404
Vess -> O -0.060438
Gtype -> Phase -0.068194
O -> Phase -0.091450
OD -> O -0.114114
Supp -> Gtype -0.122317
Gtype -> OD -0.173122
Anti -> O -0.230490
Gtype -> Med -0.240559
O -> Air -0.241130
O -> Temp -0.243070
Technique -> pH -0.267697
Phase -> OD -0.299766
Supp -> Med -0.355333
Gversion -> O -0.394835
OD -> Med -0.450024
Gtype -> Anti -0.546414
O -> Agit -0.704801
Agit -> O -0.801535
Gtype -> O -0.877514
Substrain -> O -0.942951
Technique -> O -1.070076
Top positive:
5.560165 Technique b'lemma[:2]:Ch'
3.867275 O b'lemma[:2]:re'
3.624712 Air b'lemma:anaerobic'
3.330563 Phase b'lemma:mid-log'
3.251308 O b'-1:lemma:tag'
3.248997 O b'+1:lemma:m63'
3.228929 Gtype b'-1:lemma:\xe2\x88\x86'
3.210040 O b'lemma:1'
3.210040 O b'lemma[:2]:1'
3.159131 OD b'lemma[:2]:od'
3.135910 Gtype b'+1:lemma:flagtag'
3.047581 Supp b'+1:lemma:\xc2\xb5m'
2.949460 Med b'+1:lemma:0.4'
2.916942 Air b'lemma:aerobic'
2.901664 Gtype b'lemma[:1]:\xce\xb4'
2.895390 Gtype b'lemma:arca8myc'
2.891054 O b'+1:lemma:od600'
2.884994 Gtype b'lemma[:2]:cr'
2.868477 Phase b'lemma:stationary'
2.758780 Supp b'lemma:Iron'
2.758780 Supp b'lemma[:2]:Ir'
2.751464 Supp b'+1:lemma:1'
2.749032 Air b'lemma[:1]:a'
2.739001 Air b'-1:lemma:ChIP-Seq'
2.637207 Supp b'+1:lemma:2'
2.611400 Anti b'+1:lemma:antibody'
2.538029 Substrain b'lemma:mg1655'
2.532452 O b'-1:lemma:ChIP-exo'
2.530749 Gversion b'-1:lemma:nc'
2.522114 O b'lemma:rpob'
2.497323 O b'lemma:_'
2.497323 O b'lemma[:1]:_'
2.497323 O b'lemma[:2]:_'
2.467576 O b'lemma:2'
2.467576 O b'lemma[:2]:2'
2.451387 Technique b'lemma[:2]:rn'
2.450652 O b'lemma:c-terminal'
2.450652 O b'+1:lemma:flag-tag'
2.450652 O b'lemma[:2]:c-'
2.442475 Gtype b'lemma[:2]:de'
2.418091 O b'lemma:3'
2.418091 O b'lemma[:2]:3'
2.408360 OD b'+1:lemma:stationary'
2.385694 Temp b'-1:lemma:sample'
2.372903 Gtype b'-1:lemma:rpob'
2.354163 Gtype b'lemma:type'
2.354163 Gtype b'lemma[:2]:ty'
2.346327 O b'lemma[:2]:ge'
2.344928 Technique b'lemma:chipseq'
2.307523 Gtype b'lemma[:1]:w'
2.303430 Med b'lemma[:1]:L'
2.301957 Technique b'lemma[:1]:C'
2.289093 Supp b'lemma:arginine'
2.273052 O b'-1:lemma:Aerobic'
2.264869 Med b'+1:lemma:2.0'
2.254065 O b'-1:lemma:anaerobic'
2.249649 Gtype b'lemma[:1]:W'
2.162423 Anti b'lemma[:2]:an'
2.160242 Strain b'lemma:k-12'
2.160242 Strain b'lemma[:2]:k-'
2.144723 Supp b'lemma:acetate'
2.129184 Gtype b'lemma:flag-tag'
2.129184 Gtype b'-1:lemma:c-terminal'
2.111214 Air b'lemma[:1]:A'
2.098945 Gtype b'lemma:nsrr'
2.098945 Gtype b'lemma[:2]:ns'
2.095022 Supp b'-1:lemma:supplement'
2.082819 O b'-1:lemma:fructose'
2.076750 pH b'lemma:ph5'
2.076750 pH b'+1:lemma:.5'
2.072261 Temp b'-1:lemma:\xcf\x8332'
2.065755 O b'lemma:b'
2.065755 O b'lemma[:2]:b'
2.065419 Gtype b'+1:lemma:type'
2.051267 Air b'lemma[:2]:an'
2.036209 Technique b'lemma[:2]:ch'
2.031416 O b'+1:lemma:pq'
2.016412 Temp b'lemma[:1]:3'
2.004704 Supp b'+1:lemma:mid-log'
1.984448 O b'-1:lemma:0.3-0.35'
1.967808 Supp b'lemma[:2]:0.'
1.947363 Supp b'lemma:nitrate'
1.947363 Supp b'lemma[:2]:ni'
1.937420 Gversion b'lemma:chip-seq'
1.913900 Gversion b'lemma:nc'
1.913900 Gversion b'lemma[:2]:nc'
1.912878 O b'lemma:0.4'
1.907802 Strain b'+1:lemma:substr'
1.897924 Air b'lemma[:2]:ae'
1.871109 Phase b'-1:lemma:mid-log'
1.845125 Air b'lemma:Aerobic'
1.845125 Air b'lemma[:2]:Ae'
1.827855 Supp b'-1:lemma:Cra'
1.824332 Supp b'lemma:Fe'
1.824332 Supp b'lemma[:2]:Fe'
1.824175 Supp b'lemma:pq'
1.824175 Supp b'lemma[:2]:pq'
1.809404 Supp b'+1:lemma:_'
1.808766 OD b'lemma[:1]:o'
1.806302 Med b'isUpper'
1.798647 Gtype b'lemma[:2]:fl'
1.798534 Supp b'lemma[:2]:gl'
1.795820 O b'lemma:Custom'
1.795820 O b'lemma[:2]:Cu'
1.790374 Air b'+1:lemma:37'
1.790074 Gversion b'lemma[:2]:00'
1.785485 Supp b'lemma[:2]:fe'
1.780403 O b'+1:postag:RB'
1.756454 Supp b'lemma:iptg'
1.735997 Supp b'lemma[:1]:I'
1.733781 Gtype b'lemma:fnr8myc'
1.728269 Gversion b'lemma:asm584v2'
1.728269 Gversion b'lemma[:2]:as'
1.720876 Supp b'+1:lemma:hour'
1.715461 Temp b'-1:lemma:37'
1.694020 Substrain b'lemma[:2]:mg'
1.689985 Strain b'lemma[:1]:k'
1.673566 O b'postag::'
1.673566 O b'postag[:1]::'
1.673566 O b'postag[:2]::'
1.669711 Supp b'lemma[:1]:2'
1.661627 O b'+1:postag:VBD'
1.659863 Vess b'lemma:flask'
1.659863 Vess b'-1:lemma:warm'
1.656423 Gtype b'lemma[:2]:ar'
1.655250 Supp b'lemma[:1]:1'
1.654055 Med b'lemma[:1]:m'
1.646225 Med b'lemma:MOPS'
1.646225 Med b'lemma[:1]:M'
1.646225 Med b'lemma[:2]:MO'
1.643933 Vess b'lemma[:2]:fl'
1.636408 O b'-1:lemma:medium'
1.620415 O b'postag[:1]:V'
1.620415 O b'postag[:2]:VB'
1.611470 Supp b'lemma:fructose'
1.588047 Temp b'+1:lemma:\xc2\xb0c'
1.571785 Technique b'symb'
1.567665 Supp b'lemma:dpd'
1.567665 Supp b'lemma[:2]:dp'
1.561904 Gtype b'+1:lemma:_'
1.558404 O b'+1:lemma:grow'
1.556080 Technique b'-1:lemma:input'
1.531102 Gtype b'+1:lemma::'
1.516656 O b'isNumber'
1.513499 Technique b'+1:lemma:chip-exo'
1.484457 pH b'+1:postag:CD'
1.479000 Gtype b'lemma[:2]:wi'
1.463363 O b'+1:lemma:sparging'
1.455056 Med b'+1:lemma:supplement'
1.451942 Anti b'-1:lemma::'
1.445199 Gtype b'+1:postag::'
1.418029 Gtype b'-1:lemma:_'
1.414884 Gtype b'hGreek'
1.409332 Supp b'lemma[:2]:ac'
1.384832 Med b'lemma:lb'
1.384832 Med b'lemma[:2]:lb'
1.381767 Gtype b'lemma:wt'
1.381767 Gtype b'lemma[:2]:wt'
1.376804 O b'isLower'
1.370539 O b'-1:lemma:wt'
1.369037 Supp b'-1:lemma:media'
1.368164 O b'lemma:chip'
1.362593 Temp b'-1:lemma:43'
1.357457 O b'lemma:.'
1.357457 O b'postag:.'
1.357457 O b'postag[:1]:.'
1.357457 O b'postag[:2]:.'
1.357457 O b'lemma[:2]:.'
1.343506 Gtype b'-1:lemma:vector'
1.332982 Gtype b'lemma:pk4854'
1.332982 Gtype b'lemma[:2]:pk'
1.331836 O b'-1:lemma:antibody'
1.322840 Gtype b'lemma[:1]:f'
1.319451 Gtype b'-1:lemma:dna'
1.319338 Med b'+1:lemma:g/l'
1.314272 O b'lemma:\xcf\x8332'
1.314272 O b'lemma[:1]:\xcf\x83'
1.314272 O b'lemma[:2]:\xcf\x833'
1.313977 Technique b'-1:lemma:chip-exo'
1.307181 O b'-1:lemma:mg/ml'
1.305428 Supp b'-1:lemma:+'
1.296639 O b'lemma:purr'
1.293394 Supp b'-1:lemma:0.2'
1.292494 O b'-1:lemma:l1'
1.282743 Supp b'lemma[:2]:fr'
1.274232 Supp b'lemma:rifampicin'
1.268226 Air b'+1:lemma:L'
1.266974 Supp b'lemma:nh4cl'
1.266974 Supp b'lemma[:2]:nh'
1.264907 Supp b'lemma[:2]:ri'
1.262307 Supp b'-1:postag:CD'
1.260796 O b'+1:lemma:acetate'
1.259575 OD b'lemma[:2]:0.'
1.259142 Technique b'-1:lemma:_'
1.246498 Gversion b'postag:NN'
1.244033 Gtype b'symb'
1.240305 Supp b'lemma[:2]:ip'
1.236703 Temp b'lemma:43'
1.236703 Temp b'lemma[:2]:43'
1.228007 Gtype b'+1:lemma:control'
Top negative:
-0.001047 O b'+1:lemma:0.4'
-0.001061 Supp b'postag[:1]:C'
-0.001343 O b'lemma[:2]:co'
-0.001801 Phase b'+1:postag:NN'
-0.001816 Supp b'lemma[:1]:r'
-0.003273 Supp b'+1:lemma:-rrb-'
-0.004514 Agit b'isUpper'
-0.005651 Supp b'+1:postag:-RRB-'
-0.007968 O b'lemma[:2]:0.'
-0.008508 Air b'isUpper'
-0.008563 Supp b'-1:postag::'
-0.008695 Air b'postag:-RRB-'
-0.008695 Air b'postag[:2]:-R'
-0.008695 Air b'lemma[:2]:-r'
-0.009571 OD b'hUpper'
-0.009571 OD b'hLower'
-0.011349 Supp b'hUpper'
-0.011349 Supp b'hLower'
-0.011606 O b'-1:postag:JJ'
-0.011683 pH b'postag[:1]:N'
-0.011683 pH b'postag[:2]:NN'
-0.012286 Supp b'isNumber'
-0.014704 Air b'lemma:-rrb-'
-0.017854 O b'-1:lemma:control'
-0.021700 Med b'postag:NN'
-0.024044 O b'lemma:sample'
-0.026147 Supp b'postag:CD'
-0.026147 Supp b'postag[:2]:CD'
-0.028829 Air b'-1:postag:RB'
-0.029219 Gtype b'lemma[:1]:n'
-0.031150 Agit b'symb'
-0.031420 O b'-1:postag:VBN'
-0.031634 Air b'lemma[:1]:n'
-0.032172 O b'+1:lemma:rep1'
-0.032713 O b'+1:postag:JJ'
-0.033674 OD b'postag:CD'
-0.033674 OD b'postag[:2]:CD'
-0.033755 OD b'postag[:1]:N'
-0.033755 OD b'postag[:2]:NN'
-0.035292 Air b'+1:lemma:anaerobically'
-0.038458 Temp b'postag:NN'
-0.040319 Supp b'-1:lemma:%'
-0.041803 Temp b'hGreek'
-0.050279 Med b'-1:lemma:lb'
-0.052295 O b'-1:lemma:ml'
-0.053032 O b'+1:lemma:sample'
-0.061146 Gtype b'lemma[:1]:m'
-0.063531 Vess b'hUpper'
-0.063531 Vess b'hLower'
-0.067513 Supp b'isLower'
-0.080308 Temp b'postag[:1]:N'
-0.080308 Temp b'postag[:2]:NN'
-0.082384 Supp b'isUpper'
-0.086496 Supp b'+1:lemma:acetate'
-0.089008 O b'lemma[:2]:30'
-0.093208 O b'lemma[:2]:fe'
-0.093816 O b'lemma[:1]:m'
-0.096992 O b'lemma[:1]:d'
-0.099835 Gtype b'+1:lemma:-rrb-'
-0.103697 O b'lemma[:2]:od'
-0.106617 Anti b'symb'
-0.111217 Phase b'postag:JJ'
-0.111217 Phase b'postag[:1]:J'
-0.111217 Phase b'postag[:2]:JJ'
-0.115123 Gversion b'+1:postag:NN'
-0.120980 Air b'-1:postag:-RRB-'
-0.124184 Gtype b'lemma[:2]:rp'
-0.124385 Air b'-1:lemma:-rrb-'
-0.134523 O b'lemma:phase'
-0.137832 Air b'isLower'
-0.138018 O b'-1:postag:RB'
-0.142066 Anti b'+1:lemma:anti-fur'
-0.154765 O b'+1:lemma:hour'
-0.162942 O b'lemma[:1]:n'
-0.164561 O b'lemma:20'
-0.167133 OD b'postag[:1]:C'
-0.167374 O b'lemma:2h'
-0.167374 O b'-1:lemma:additional'
-0.167374 O b'lemma[:2]:2h'
-0.168348 OD b'isLower'
-0.175723 O b'-1:lemma:stir'
-0.176493 O b'+1:lemma:0.3'
-0.176731 O b'+1:lemma:culture'
-0.176925 O b'-1:lemma:dna'
-0.178939 O b'+1:lemma:delta'
-0.190332 Air b'symb'
-0.197832 Anti b'+1:postag:JJ'
-0.203484 Supp b'lemma[:2]:mi'
-0.206368 Air b'postag[:1]:N'
-0.206368 Air b'postag[:2]:NN'
-0.207030 Gtype b'-1:lemma:,'
-0.207030 Gtype b'-1:postag:,'
-0.209582 O b'-1:lemma:IP'
-0.213265 Gtype b'+1:lemma:\xe2\x88\x86'
-0.215249 Gtype b'-1:lemma:mg1655'
-0.217685 O b'lemma:fecl2'
-0.220159 O b'+1:lemma:-rrb-'
-0.220935 Gtype b'-1:postag:NN'
-0.227404 Technique b'postag:NN'
-0.230401 Technique b'-1:lemma::'
-0.232009 Air b'lemma:aerobically'
-0.236029 O b'+1:lemma:phase'
-0.238310 O b'lemma:wt'
-0.238310 O b'lemma[:2]:wt'
-0.243118 Temp b'-1:postag:NN'
-0.244383 O b'lemma[:2]:ph'
-0.246532 O b'-1:lemma:-lrb-'
-0.249897 O b'-1:lemma:37'
-0.254341 O b'lemma[:1]:L'
-0.257191 Gtype b'-1:postag:SYM'
-0.263503 O b'lemma[:2]:di'
-0.264603 O b'lemma[:1]:w'
-0.264928 O b'-1:lemma:grow'
-0.265388 O b'+1:lemma:antibody'
-0.273738 O b'lemma[:2]:ce'
-0.277706 O b'lemma[:1]:k'
-0.279240 O b'lemma[:1]:4'
-0.290259 Supp b'postag:JJ'
-0.290259 Supp b'postag[:1]:J'
-0.290259 Supp b'postag[:2]:JJ'
-0.292361 O b'-1:lemma:rna'
-0.304576 Technique b'isUpper'
-0.307541 Technique b'isLower'
-0.310027 O b'lemma[:2]:me'
-0.339328 O b'-1:lemma:ompr'
-0.339987 O b'-1:postag:-LRB-'
-0.345773 O b'lemma:150'
-0.345773 O b'-1:lemma:concentration'
-0.345773 O b'+1:lemma:mg/ml'
-0.345773 O b'lemma[:2]:15'
-0.347446 Med b'-1:postag:NN'
-0.348906 Supp b'lemma:2'
-0.348906 Supp b'lemma[:2]:2'
-0.351429 Air b'+1:lemma:-lrb-'
-0.352484 Air b'+1:postag:-LRB-'
-0.353556 O b'-1:lemma:cra'
-0.356329 Supp b'+1:lemma:dpd'
-0.369302 Agit b'hUpper'
-0.369302 Agit b'hLower'
-0.381952 Technique b'-1:postag::'
-0.384746 O b'-1:lemma:rifampicin'
-0.399014 O b'lemma:cell'
-0.402687 O b'+1:lemma:dissolve'
-0.409688 Gtype b'isNumber'
-0.436191 O b'lemma[:2]:gl'
-0.440734 O b'+1:lemma:cell'
-0.442622 O b'+1:postag:NNS'
-0.452887 O b'lemma[:1]:p'
-0.455834 O b'+1:lemma:.'
-0.455834 O b'+1:postag:.'
-0.459545 O b'lemma[:2]:mg'
-0.481182 Air b'-1:postag:JJ'
-0.482835 OD b'+1:postag:NN'
-0.494269 Air b'postag:NN'
-0.509176 O b'+1:postag:-RRB-'
-0.510299 Anti b'postag:NNP'
-0.510777 Air b'+1:postag:RB'
-0.521353 Gtype b'lemma[:1]:g'
-0.528030 O b'lemma:dissolve'
-0.528030 O b'+1:lemma:methanol'
-0.544300 Med b'-1:postag:VBN'
-0.544878 O b'lemma:mid-log'
-0.558725 Med b'+1:postag:NN'
-0.565193 O b'lemma[:1]:0'
-0.574181 OD b'+1:postag:CD'
-0.594752 Supp b'-1:lemma:glucose'
-0.616524 O b'-1:lemma:sample'
-0.632529 Phase b'hUpper'
-0.632529 Phase b'hLower'
-0.635261 Gtype b'lemma:delta'
-0.674300 O b'lemma:methanol'
-0.674300 O b'-1:lemma:dissolve'
-0.705737 Med b'-1:postag:CD'
-0.728901 O b'+1:lemma:supplement'
-0.740907 O b'lemma[:2]:ri'
-0.792014 Phase b'-1:postag:NN'
-0.804108 O b'lemma[:1]:A'
-0.910559 OD b'isNumber'
-0.914108 O b'+1:lemma:g/l'
-0.932717 O b'lemma:rifampicin'
-0.954851 O b'-1:lemma:supplement'
-0.966998 Gtype b'lemma[:1]:a'
-0.969405 Supp b'lemma[:1]:c'
-1.019136 O b'lemma[:1]:\xce\xb4'
-1.110821 Med b'symb'
-1.170611 Gversion b'isLower'
-1.220694 Gtype b'lemma[:1]:c'
-1.221441 Gtype b'isUpper'
-1.282188 O b'+1:postag:VBG'
-1.331537 OD b'postag[:1]:-'
-1.377314 Supp b'symb'
-1.414732 Supp b'hGreek'
-1.450462 OD b'lemma[:1]:-'
-1.661998 O b'-1:lemma:2'
-1.785964 O b'+1:lemma:2'
-1.952351 O b'-1:postag::'
-1.971208 O b'+1:lemma:1'
-2.697878 O b'-1:lemma::'
-2.771750 O b'-1:postag:VBG'
-4.091719 O b'-1:lemma:_'
********** TRAINING AND TESTING REPORT **********
Training file: training-data-set-70_v4.txt
best params:{'c1': 0.27193776724339846, 'c2': 0.057295268767110843}
best CV score:0.8163630580002407
model size: 0.08M
Flat F1: 0.8109731224696033
precision recall f1-score support
OD 0.789 0.405 0.536 37
pH 1.000 1.000 1.000 12
Technique 1.000 0.909 0.952 22
Med 0.897 0.912 0.904 57
Temp 0.818 1.000 0.900 18
Vess 0.000 0.000 0.000 0
Agit 0.000 0.000 0.000 0
Phase 1.000 0.895 0.944 19
Air 0.807 0.742 0.773 62
Anti 0.800 0.889 0.842 9
Strain 1.000 1.000 1.000 1
Gtype 0.896 0.811 0.851 106
Substrain 0.000 0.000 0.000 1
Supp 0.835 0.706 0.765 136
Gversion 0.000 0.000 0.000 0
avg / total 0.864 0.773 0.811 480
Top likely transitions:
OD -> OD 6.289427
Agit -> Agit 6.267353
Temp -> Temp 5.783774
Air -> Air 5.351944
Med -> Med 5.160137
Anti -> Anti 4.729843
Gversion -> Gversion 4.256435
Gtype -> Gtype 4.229740
Supp -> Supp 4.114596
Phase -> Phase 4.079539
Technique -> Technique 3.363448
O -> O 3.125273
pH -> pH 2.487113
O -> Supp 1.331978
Air -> O 1.197935
Substrain -> Gtype 0.867656
O -> Technique 0.848943
Gtype -> Supp 0.842999
O -> Gtype 0.806504
Med -> O 0.277505
OD -> Phase 0.274387
Technique -> Air 0.254899
Gtype -> Air 0.194030
O -> Anti 0.155845
Temp -> O 0.076714
O -> Temp 0.055684
O -> Gversion 0.011422
Phase -> Technique -0.000422
O -> Med -0.114582
Supp -> Technique -0.122463
Phase -> OD -0.142889
Supp -> O -0.146822
O -> Phase -0.168062
O -> OD -0.179767
OD -> Gtype -0.206495
Supp -> Gtype -0.284656
Gtype -> Med -0.297248
Gtype -> OD -0.310283
Technique -> OD -0.344965
OD -> Air -0.364197
Anti -> O -0.368065
Technique -> pH -0.470302
Gversion -> O -0.499305
Supp -> Med -0.541780
Gtype -> Anti -0.621750
OD -> O -0.828115
O -> Air -0.867377
Med -> Supp -0.872960
Gtype -> O -0.956730
Substrain -> O -1.072085
Top unlikely transitions:
Temp -> Temp 5.783774
Air -> Air 5.351944
Med -> Med 5.160137
Anti -> Anti 4.729843
Gversion -> Gversion 4.256435
Gtype -> Gtype 4.229740
Supp -> Supp 4.114596
Phase -> Phase 4.079539
Technique -> Technique 3.363448
O -> O 3.125273
pH -> pH 2.487113
O -> Supp 1.331978
Air -> O 1.197935
Substrain -> Gtype 0.867656
O -> Technique 0.848943
Gtype -> Supp 0.842999
O -> Gtype 0.806504
Med -> O 0.277505
OD -> Phase 0.274387
Technique -> Air 0.254899
Gtype -> Air 0.194030
O -> Anti 0.155845
Temp -> O 0.076714
O -> Temp 0.055684
O -> Gversion 0.011422
Phase -> Technique -0.000422
O -> Med -0.114582
Supp -> Technique -0.122463
Phase -> OD -0.142889
Supp -> O -0.146822
O -> Phase -0.168062
O -> OD -0.179767
OD -> Gtype -0.206495
Supp -> Gtype -0.284656
Gtype -> Med -0.297248
Gtype -> OD -0.310283
Technique -> OD -0.344965
OD -> Air -0.364197
Anti -> O -0.368065
Technique -> pH -0.470302
Gversion -> O -0.499305
Supp -> Med -0.541780
Gtype -> Anti -0.621750
OD -> O -0.828115
O -> Air -0.867377
Med -> Supp -0.872960
Gtype -> O -0.956730
Substrain -> O -1.072085
Agit -> O -1.092872
Technique -> O -1.136884
Top positive:
4.371447 Technique b'lemma[:2]:Ch'
3.412737 O b'lemma[:2]:re'
3.346233 Air b'lemma:anaerobic'
3.006455 O b'lemma:1'
3.006455 O b'lemma[:2]:1'
2.974851 Gtype b'lemma[:1]:\xce\xb4'
2.912775 Gtype b'lemma:arca8myc'
2.849140 Supp b'+1:lemma:\xc2\xb5m'
2.828513 Phase b'lemma:mid-log'
2.792393 O b'lemma:_'
2.792393 O b'lemma[:1]:_'
2.792393 O b'lemma[:2]:_'
2.775899 Gtype b'-1:lemma:\xe2\x88\x86'
2.625937 Air b'-1:lemma:ChIP-Seq'
2.548311 Phase b'lemma:stationary'
2.540916 Supp b'+1:lemma:1'
2.487761 Supp b'+1:lemma:2'
2.442931 Air b'lemma:aerobic'
2.440190 O b'lemma[:2]:ge'
2.435018 Gtype b'lemma[:2]:fl'
2.424212 O b'-1:lemma:tag'
2.408234 Supp b'lemma:Iron'
2.408234 Supp b'lemma[:2]:Ir'
2.348537 Technique b'lemma[:1]:C'
2.317292 O b'lemma:2'
2.317292 O b'lemma[:2]:2'
2.308110 OD b'lemma[:2]:od'
2.302326 Gtype b'lemma:type'
2.302326 Gtype b'lemma[:2]:ty'
2.269875 Supp b'lemma:nitrate'
2.269875 Supp b'lemma[:2]:ni'
2.232923 O b'-1:lemma:ChIP-exo'
2.212341 Air b'lemma[:2]:an'
2.211030 Air b'lemma[:2]:ae'
2.210563 Med b'+1:lemma:0.4'
2.190483 O b'lemma:3'
2.190483 O b'lemma[:2]:3'
2.182751 O b'+1:lemma:pq'
2.164071 Anti b'lemma[:2]:an'
2.150488 O b'lemma:rpob'
2.116867 Gtype b'lemma:flag-tag'
2.116867 Gtype b'-1:lemma:c-terminal'
2.113845 Technique b'lemma:chipseq'
2.106619 O b'+1:lemma:od600'
2.103057 Anti b'+1:lemma:antibody'
2.102593 O b'lemma:with'
2.082800 O b'+1:postag:RB'
2.080780 Supp b'lemma:pq'
2.080780 Supp b'lemma[:2]:pq'
2.074963 Technique b'lemma[:2]:rn'
2.067178 Gtype b'lemma[:2]:cr'
2.064575 Med b'lemma[:1]:L'
2.061976 Supp b'lemma:arginine'
2.026279 Supp b'-1:lemma:Cra'
2.019223 Supp b'lemma:fructose'
1.992770 Gversion b'lemma:nc'
1.992770 Gversion b'lemma[:2]:nc'
1.980198 O b'lemma:0.4'
1.979285 Gtype b'lemma[:2]:de'
1.970609 O b'isLower'
1.937619 Strain b'lemma:k-12'
1.937619 Strain b'lemma[:2]:k-'
1.931122 O b'-1:lemma:0.3-0.35'
1.881593 Supp b'-1:lemma:with'
1.875598 Gtype b'lemma:nsrr'
1.875598 Gtype b'lemma[:2]:ns'
1.852069 Technique b'lemma[:2]:ch'
1.836687 pH b'lemma:ph5'
1.836687 pH b'+1:lemma:.5'
1.832664 Gtype b'lemma[:2]:ar'
1.831556 Air b'lemma[:1]:A'
1.826833 Temp b'lemma[:1]:3'
1.823899 Substrain b'lemma:mg1655'
1.820738 Gversion b'-1:lemma:nc'
1.820497 O b'postag::'
1.820497 O b'postag[:1]::'
1.820497 O b'postag[:2]::'
1.813703 O b'-1:lemma:Aerobic'
1.796031 Gtype b'lemma[:1]:w'
1.792963 O b'postag:IN'
1.792963 O b'postag[:1]:I'
1.792963 O b'postag[:2]:IN'
1.783756 Gtype b'lemma:wt'
1.783756 Gtype b'lemma[:2]:wt'
1.779970 Gtype b'lemma[:1]:W'
1.766922 Air b'lemma:Aerobic'
1.766922 Air b'lemma[:2]:Ae'
1.762347 Strain b'lemma[:1]:k'
1.759570 Technique b'symb'
1.750706 Gversion b'lemma[:2]:00'
1.749953 Gtype b'-1:lemma:_'
1.737043 Substrain b'lemma[:2]:mg'
1.733603 O b'-1:lemma:anaerobic'
1.709162 Gversion b'lemma:chip-seq'
1.701695 Temp b'-1:lemma:sample'
1.688968 Gtype b'+1:lemma:with'
1.684459 O b'-1:lemma:lb'
1.661522 Supp b'-1:postag:CC'
1.650389 O b'lemma:b'
1.650389 O b'lemma[:2]:b'
1.646363 O b'-1:lemma:0.3'
1.639941 Gtype b'+1:lemma:type'
1.637375 Air b'-1:lemma:co2'
1.636378 Med b'lemma:lb'
1.636378 Med b'lemma[:2]:lb'
1.622025 Vess b'lemma[:2]:fl'
1.617013 O b'-1:lemma:glucose'
1.592815 Med b'isUpper'
1.589934 Supp b'lemma:rifampicin'
1.589786 O b'lemma:a'
1.589786 O b'lemma[:2]:a'
1.586603 O b'+1:lemma:nacl'
1.583003 Supp b'lemma[:1]:I'
1.580604 Supp b'lemma[:2]:gl'
1.576478 Supp b'lemma[:2]:ri'
1.566704 Vess b'lemma:flask'
1.566704 Vess b'-1:lemma:warm'
1.563672 O b'-1:lemma:l1'
1.557695 Med b'lemma:MOPS'
1.557695 Med b'lemma[:1]:M'
1.557695 Med b'lemma[:2]:MO'
1.555428 O b'+1:postag:NNP'
1.545733 Gtype b'hGreek'
1.540517 Supp b'+1:lemma:_'
1.532630 Strain b'+1:lemma:substr'
1.524978 Phase b'-1:lemma:mid-log'
1.523410 O b'lemma:Custom'
1.523410 O b'lemma[:2]:Cu'
1.506527 Supp b'lemma[:2]:0.'
1.493748 Med b'+1:lemma:2.0'
1.489084 Gtype b'-1:lemma:rpob'
1.468114 Technique b'lemma:ChIP-exo'
1.462941 Vess b'-1:postag:VBN'
1.460306 Supp b'-1:postag:CD'
1.447232 Gversion b'lemma:asm584v2'
1.442845 Gversion b'lemma[:2]:as'
1.436821 Supp b'lemma[:1]:n'
1.435640 Temp b'lemma:43'
1.435640 Temp b'lemma[:2]:43'
1.430453 Gtype b'lemma:fnr8myc'
1.423051 Temp b'-1:lemma:43'
1.422224 O b'+1:lemma:ph5'
1.419624 Supp b'lemma:acetate'
1.403936 Med b'lemma[:1]:m'
1.397641 O b'lemma:Cra'
1.397641 O b'lemma[:2]:Cr'
1.395977 Temp b'-1:lemma:\xcf\x8332'
1.392367 O b'lemma:.'
1.392367 O b'postag:.'
1.392367 O b'postag[:1]:.'
1.392367 O b'postag[:2]:.'
1.392367 O b'lemma[:2]:.'
1.391334 Gtype b'+1:lemma:flagtag'
1.377069 OD b'+1:lemma:stationary'
1.376467 Supp b'lemma[:1]:1'
1.373778 Gtype b'-1:postag:VBG'
1.369190 pH b'+1:postag:CD'
1.364150 Phase b'-1:lemma:until'
1.356359 Air b'+1:postag:IN'
1.353508 Air b'lemma[:1]:a'
1.350471 Supp b'lemma:no3'
1.347435 Med b'lemma:broth'
1.347435 Med b'-1:lemma:L'
1.347435 Med b'lemma[:2]:br'
1.340636 Gtype b'symb'
1.337653 Supp b'lemma[:1]:2'
1.337468 OD b'lemma[:1]:o'
1.332813 O b'+1:lemma:anti-fur'
1.329231 Gtype b'+1:lemma::'
1.323371 Temp b'+1:lemma:\xc2\xb0c'
1.316239 O b'-1:lemma:media'
1.308580 Anti b'-1:lemma::'
1.308448 Technique b'-1:lemma:input'
1.305697 Gtype b'lemma[:1]:f'
1.304733 O b'lemma[:1]:r'
1.298211 Gversion b'+1:lemma:000913'
1.282839 Supp b'lemma:methanol'
1.281363 Air b'-1:postag:CD'
1.280599 Supp b'lemma:Fe'
1.280599 Supp b'lemma[:2]:Fe'
1.280195 O b'lemma[:1]:C'
1.274450 O b'-1:lemma:type'
1.274241 Supp b'lemma:dpd'
1.274241 Supp b'lemma[:2]:dp'
1.264726 Phase b'lemma[:2]:st'
1.261615 Med b'+1:lemma:-lrb-'
1.258563 Phase b'lemma[:2]:mi'
1.256496 Supp b'lemma:of'
1.256496 Supp b'lemma[:2]:of'
1.254569 Substrain b'+1:lemma:phtpg'
1.254075 Technique b'-1:lemma:_'
1.245791 Med b'+1:postag:-LRB-'
1.240716 Technique b'lemma[:1]:c'
1.237704 Anti b'lemma:none'
1.235216 Supp b'lemma[:2]:ac'
1.234140 Gtype b'-1:lemma:nsrr'
1.233335 O b'lemma:\xcf\x8332'
1.233335 O b'lemma[:1]:\xcf\x83'
1.233335 O b'lemma[:2]:\xcf\x833'
1.229676 Air b'-1:lemma:-'
Top negative:
-0.051463 Temp b'postag:JJ'
-0.054116 Air b'postag[:1]:C'
-0.059372 Phase b'postag[:1]:J'
-0.059372 Phase b'postag[:2]:JJ'
-0.059941 Temp b'postag:NN'
-0.060299 Air b'lemma[:1]:n'
-0.060598 Temp b'isLower'
-0.062297 O b'+1:lemma:or'
-0.065185 Supp b'+1:postag:VBN'
-0.065466 Air b'lemma:and'
-0.066813 Gtype b'-1:postag:NN'
-0.068526 O b'lemma[:2]:ce'
-0.071041 O b'-1:postag:JJ'
-0.071759 OD b'lemma:-lrb-'
-0.074300 OD b'lemma[:1]:t'
-0.074669 Supp b'postag:CD'
-0.074669 Supp b'postag[:2]:CD'
-0.078783 O b'lemma[:2]:30'
-0.079591 OD b'postag:-LRB-'
-0.079591 OD b'postag[:2]:-L'
-0.079591 OD b'lemma[:2]:-l'
-0.080662 O b'lemma[:2]:an'
-0.083375 O b'-1:postag:-RRB-'
-0.083466 O b'lemma:150'
-0.083466 O b'+1:lemma:mg/ml'
-0.083466 O b'lemma[:2]:15'
-0.084358 O b'lemma:glucose'
-0.089803 Supp b'lemma[:1]:o'
-0.090889 Gtype b'lemma[:1]:r'
-0.094789 OD b'+1:postag:CD'
-0.096046 O b'lemma:co2'
-0.096854 Supp b'lemma:2'
-0.096854 Supp b'lemma[:2]:2'
-0.107550 OD b'+1:lemma:of'
-0.110054 OD b'postag:JJ'
-0.111139 O b'-1:lemma:rna'
-0.113070 Air b'postag:CC'
-0.113070 Air b'postag[:2]:CC'
-0.116092 OD b'postag[:1]:J'
-0.116092 OD b'postag[:2]:JJ'
-0.116551 O b'-1:lemma:\xe2\x88\x86'
-0.119208 O b'-1:lemma:of'
-0.120060 O b'+1:lemma:arginine'
-0.120674 pH b'isLower'
-0.122477 O b'+1:lemma:300'
-0.123572 Phase b'postag:JJ'
-0.126294 O b'-1:lemma:iptg'
-0.129027 Gtype b'-1:lemma:,'
-0.129027 Gtype b'-1:postag:,'
-0.130686 Med b'postag[:1]:C'
-0.131309 Supp b'+1:lemma:rifampicin'
-0.137449 O b'-1:lemma:o2'
-0.138824 O b'-1:lemma:ml'
-0.142350 O b'lemma[:2]:20'
-0.147695 Air b'-1:lemma:anaerobically'
-0.147731 pH b'postag[:1]:N'
-0.147731 pH b'postag[:2]:NN'
-0.150331 Supp b'hUpper'
-0.150331 Supp b'hLower'
-0.151031 Gtype b'-1:postag:SYM'
-0.152040 O b'+1:lemma:rep1'
-0.154569 O b'+1:lemma:-rrb-'
-0.155464 O b'lemma:dissolve'
-0.163005 O b'lemma[:1]:k'
-0.166515 Anti b'+1:lemma:anti-fur'
-0.166530 O b'-1:postag:VBN'
-0.168761 Vess b'hUpper'
-0.168761 Vess b'hLower'
-0.172221 O b'lemma:od600'
-0.173580 O b'+1:lemma:0.3'
-0.174879 O b'+1:lemma:c'
-0.176207 O b'-1:lemma:grow'
-0.180767 Supp b'isUpper'
-0.182914 O b'lemma:phase'
-0.183166 Air b'isUpper'
-0.186591 O b'-1:lemma:-lrb-'
-0.187451 O b'-1:lemma:od600'
-0.193271 O b'+1:lemma:phase'
-0.200473 Air b'+1:postag:-LRB-'
-0.200591 Gtype b'postag[:1]:V'
-0.200591 Gtype b'postag[:2]:VB'
-0.202895 O b'lemma[:2]:ae'
-0.203770 O b'lemma[:1]:d'
-0.213212 Air b'-1:postag:CC'
-0.216984 Technique b'isUpper'
-0.218975 O b'+1:lemma:antibody'
-0.219469 OD b'postag:CD'
-0.219469 OD b'postag[:2]:CD'
-0.220367 Air b'+1:lemma:-lrb-'
-0.229132 O b'lemma[:1]:I'
-0.237062 Med b'+1:postag:NN'
-0.244233 O b'+1:lemma:.'
-0.244233 O b'+1:postag:.'
-0.253501 O b'lemma[:1]:p'
-0.255478 O b'+1:postag:IN'
-0.268269 Air b'+1:postag:JJ'
-0.270663 Supp b'lemma[:2]:an'
-0.277051 O b'+1:lemma:\xc2\xb0c'
-0.289474 Phase b'-1:postag:JJ'
-0.290989 O b'-1:lemma:ompr'
-0.299880 OD b'isNumber'
-0.300487 O b'lemma:of'
-0.300487 O b'lemma[:2]:of'
-0.301898 O b'lemma:wt'
-0.301898 O b'lemma[:2]:wt'
-0.302943 O b'lemma[:2]:0.'
-0.307135 O b'-1:postag:IN'
-0.308105 O b'+1:lemma:fecl2'
-0.311660 Technique b'-1:lemma::'
-0.327682 O b'lemma:37'
-0.327682 O b'lemma[:2]:37'
-0.327793 Supp b'postag[:1]:C'
-0.335851 Phase b'-1:lemma:at'
-0.337349 Supp b'-1:lemma:%'
-0.337470 Med b'-1:postag:CD'
-0.339976 Air b'-1:lemma:or'
-0.355481 O b'-1:postag:-LRB-'
-0.358486 O b'lemma:anaerobically'
-0.362559 Technique b'postag:NN'
-0.363246 Air b'symb'
-0.369284 Temp b'+1:lemma:to'
-0.369284 Temp b'+1:postag:TO'
-0.371266 O b'+1:postag:-RRB-'
-0.373089 O b'lemma[:2]:od'
-0.392668 Gtype b'lemma[:1]:g'
-0.401430 O b'lemma[:1]:L'
-0.407738 OD b'+1:postag:NN'
-0.416254 Agit b'symb'
-0.418662 O b'-1:lemma:co2'
-0.425645 Med b'+1:postag:IN'
-0.435796 Agit b'hUpper'
-0.435796 Agit b'hLower'
-0.441773 O b'lemma:2h'
-0.441773 O b'-1:lemma:additional'
-0.441773 O b'lemma[:2]:2h'
-0.446576 Air b'postag[:1]:N'
-0.446576 Air b'postag[:2]:NN'
-0.451999 O b'lemma:20'
-0.454739 Technique b'isLower'
-0.455345 Air b'isLower'
-0.459952 Med b'-1:postag:NN'
-0.491723 O b'lemma[:2]:me'
-0.493797 Supp b'postag:JJ'
-0.504237 O b'-1:lemma:37'
-0.511772 Supp b'postag[:1]:J'
-0.511772 Supp b'postag[:2]:JJ'
-0.518180 Temp b'hGreek'
-0.530228 O b'-1:lemma:from'
-0.537664 Technique b'-1:postag::'
-0.540107 O b'+1:lemma:cell'
-0.544422 Gtype b'lemma[:1]:m'
-0.545010 O b'-1:lemma:cra'
-0.547384 O b'lemma[:1]:0'
-0.555352 O b'lemma[:1]:A'
-0.579802 Gtype b'lemma[:1]:c'
-0.584906 Air b'postag:NN'
-0.624005 O b'-1:lemma:IP'
-0.630245 O b'-1:lemma:the'
-0.631759 O b'+1:lemma:supplement'
-0.642073 Med b'symb'
-0.648245 O b'lemma[:2]:gl'
-0.651355 O b'-1:lemma:sample'
-0.664904 Gtype b'lemma:delta'
-0.696355 O b'+1:postag:NNS'
-0.717210 Anti b'postag:NNP'
-0.724215 Supp b'lemma[:1]:c'
-0.728404 Air b'-1:postag:JJ'
-0.738219 O b'+1:lemma:+'
-0.750040 Gversion b'isLower'
-0.776375 O b'+1:lemma:g/l'
-0.778177 O b'-1:lemma:dissolve'
-0.778177 O b'+1:lemma:methanol'
-0.796433 O b'+1:lemma:hour'
-0.798962 Gtype b'isNumber'
-0.864076 O b'lemma[:2]:ri'
-0.864983 O b'-1:lemma:nsrr'
-0.897796 Gtype b'isUpper'
-0.915145 Phase b'hUpper'
-0.915145 Phase b'hLower'
-0.971040 O b'lemma:mid-log'
-0.973820 O b'lemma:rifampicin'
-0.985135 O b'lemma[:1]:\xce\xb4'
-0.989912 Supp b'symb'
-1.024646 O b'-1:lemma:rpob'
-1.027096 O b'lemma:methanol'
-1.040232 O b'+1:postag:VBG'
-1.074775 Gtype b'lemma[:2]:rp'
-1.135014 O b'+1:lemma:at'
-1.242720 O b'-1:postag:VBG'
-1.254198 O b'+1:lemma:in'
-1.381811 Gtype b'lemma[:1]:a'
-1.431865 Supp b'hGreek'
-1.551257 O b'-1:postag::'
-1.707232 O b'-1:lemma:2'
-1.771113 OD b'postag[:1]:-'
-1.831476 O b'+1:lemma:2'
-1.836996 OD b'lemma[:1]:-'
-2.234728 O b'+1:lemma:1'
-3.071950 O b'-1:lemma::'
-3.880058 O b'-1:lemma:_'
......@@ -24,9 +24,9 @@ echo
echo
echo "Filter all paragraphs with tags..."
echo "Add sentence-end-tag PGCGROWTHCONDITIONS..."
grep -E "<[^<]*>" * | grep -E '!'| cut -f2 -d'='|sort|uniq|awk '{ print $_" PGCGROWTHCONDITIONS"; }' > /home/egaytan/automatic-extraction-growth-conditions/CoreNLP/input/raw-metadata-senteneces_v2.txt
grep -E "<[^<]*>" * | grep -E '!'| cut -f2-5 -d'='|sort|uniq|awk '{ print $_" PGCGROWTHCONDITIONS"; }' > /home/egaytan/automatic-extraction-growth-conditions/CoreNLP/input/raw-metadata-senteneces.txt
echo
echo "Number of total tag sentences: "$(wc /home/egaytan/automatic-extraction-growth-conditions/CoreNLP/input/raw-metadata-senteneces_v2.txt -l);
echo "Number of total tag sentences: "$(wc /home/egaytan/automatic-extraction-growth-conditions/CoreNLP/input/raw-metadata-senteneces.txt -l);
echo
echo
echo "Saving file: /home/egaytan/automatic-extraction-growth-conditions/CoreNLP/input/raw-metadata-senteneces_v2.txt";
echo "Saving file: /home/egaytan/automatic-extraction-growth-conditions/CoreNLP/input/raw-metadata-senteneces.txt";
......
......@@ -4,7 +4,7 @@ echo "==============================Run CoreNLP=================================
echo
echo
input="/home/egaytan/automatic-extraction-growth-conditions/CoreNLP/input/raw-metadata-senteneces_v2.txt";
input="/home/egaytan/automatic-extraction-growth-conditions/CoreNLP/input/raw-metadata-senteneces.txt";
output="/home/egaytan/automatic-extraction-growth-conditions/CoreNLP/output/";
echo "input file: "$input;
echo
......
......@@ -35,7 +35,11 @@
ArgR_<Supp>Arginine</Supp>_2 PGCGROWTHCONDITIONS
ArgR_<Supp>NH4Cl</Supp>_1 PGCGROWTHCONDITIONS
ArgR_<Supp>NH4Cl</Supp>_2 PGCGROWTHCONDITIONS
At <OD>OD450 PGCGROWTHCONDITIONS
At <OD>OD450 = 0.3</OD>, cultures induced with <Supp>1 mM IPTG</Supp>. Cells harvested 0 min after induction PGCGROWTHCONDITIONS
At <OD>OD450 = 0.3</OD>, cultures induced with <Supp>1 mM IPTG</Supp>. Cells harvested 10 min after induction PGCGROWTHCONDITIONS
At <OD>OD450 = 0.3</OD>, cultures induced with <Supp>1 mM IPTG</Supp>. Cells harvested 20 min after induction PGCGROWTHCONDITIONS
At <OD>OD450 = 0.3</OD>, cultures induced with <Supp>1 mM IPTG</Supp>. Cells harvested 2.5 min after induction PGCGROWTHCONDITIONS
At <OD>OD450 = 0.3</OD>, cultures induced with <Supp>1 mM IPTG</Supp>. Cells harvested 5 min after induction PGCGROWTHCONDITIONS
A total of six samples were analyzed. oxyR-8myc, soxR-8myc, and soxS-8myc tagged cells were cultured in <Med>M9 minimal media</Med> with <Supp>0.2% glucose</Supp>. Then cells were treated with 250 uM of paraquat at mid-log pahse for 20 min with agitation. PGCGROWTHCONDITIONS
A total of two samples were analyzed. ompR-8myc tagged cells were cultured in <Med>M9 minimal media</Med> with <Supp>0.2% glucose</Supp>. Then cells were treated with <Supp>0.3 M of NaCl</Supp> at <Phase>mid-log pahse</Phase> for <Supp>30 min</Supp> with agitation. PGCGROWTHCONDITIONS
carbon source: <Supp>acetate</Supp> PGCGROWTHCONDITIONS
......@@ -112,8 +116,8 @@
E. coli K-12 MG1655 WT and Δfur were grown to <Phase>mid-log phase</Phase> <Air>aerobically</Air> at <Temp>37°C</Temp> in <Med>M9 minimal media</Med> supplemented with <Supp>0.2% glucose</Supp>. For iron treated cells, 0.1mM of FeCl2 were treated from the beginning of culture, and for DPD treated cells, <Supp>0.2mM of DPD</Supp> were added at early-log phase and continued to culture for additional 2h. PGCGROWTHCONDITIONS
E. coli K-12 MG1655 WT and Δfur were grown to <Phase>mid-log phase</Phase> <Air>aerobically</Air> at <Temp>37°C</Temp> in <Med>M9 minimal media</Med> supplemented with <Supp>0.2% glucose</Supp>. For iron treated cells, <Supp>0.1mM of FeCl2</Supp> were treated from the beginning of culture, and for DPD treated cells, 0.2mM of DPD were added at early-log phase and continued to culture for additional 2h. PGCGROWTHCONDITIONS
E. coli K-12 MG1655 WT and ΔompR were grown to <Phase>mid-log phase</Phase> <Air>aerobically</Air> at <Temp>37°C</Temp> in <Med>M9 minimal media</Med> supplemented with <Supp>0.2% glucose</Supp>. Then cells were treated with <Supp>0.3 M of NaCl</Supp> at mid-log pahse for <Supp>30 min</Supp> with agitation. PGCGROWTHCONDITIONS
E. coli K-12 MG1655 WT, GadE-8-myc, GadW-8-myc, and GadX-8-myc tagged strains were grown to <Phase>mid-log phase</Phase> (<OD>OD600 PGCGROWTHCONDITIONS
E. coli K-12 MG1655 WT, gadE, gadW and gadX mutant cells were grown to mid-log phase (OD600 PGCGROWTHCONDITIONS
E. coli K-12 MG1655 WT, GadE-8-myc, GadW-8-myc, and GadX-8-myc tagged strains were grown to <Phase>mid-log phase</Phase> (<OD>OD600 = 0.3</OD>) <Air>aerobically</Air> (<Agit>250 rpm</Agit>) at <Temp>37°C</Temp> in <Med>M9 minimal media</Med> supplemented with <Supp>0.2% glucose</Supp> at <pH>pH 5.5</pH>. PGCGROWTHCONDITIONS
E. coli K-12 MG1655 WT, gadE, gadW and gadX mutant cells were grown to mid-log phase (OD600 = 0.3) <Air>aerobically</Air> (<Agit>250 rpm</Agit>) at <Temp>37°C</Temp> in <Med>M9 minimal media</Med> supplemented with <Supp>0.2% glucose</Supp> at <pH>pH 5.5</pH>. PGCGROWTHCONDITIONS
E. coli K-12 MG1655 WT, ΔoxyR, ΔsoxR, and ΔsoxS were grown to mid-log phase <Air>aerobically</Air> at <Temp>37°C</Temp> in <Med>M9 minimal media</Med> supplemented with <Supp>0.2% glucose</Supp>. Then cells were treated with 250 uM of paraquat at mid-log pahse for 20 min with agitation. PGCGROWTHCONDITIONS
E. coli strains harboring PurR-8myc were grown in minimal M9 medium supplemented with glucose (2 g/L) then inoculated into 100mL of fresh <Med>M9 minimal medium</Med>. PGCGROWTHCONDITIONS
E. coli strains harboring PurR-8myc were grown in minimal M9 medium supplemented with glucose (2 g/L) then inoculated into 100mL of fresh <Med>M9 minimal medium</Med> supplemented with <Supp>100ug/L adenine</Supp>. PGCGROWTHCONDITIONS
......@@ -203,7 +207,7 @@
growth medium: <Med>MOPS minimal glucose media</Med> containing <Supp>1 µM FeSO4</Supp> PGCGROWTHCONDITIONS
growth phase: <Phase>exponential</Phase> PGCGROWTHCONDITIONS
growth phase: <Phase>mid-log</Phase> PGCGROWTHCONDITIONS
growth phase: <Phase>mid-log phase</Phase> (<OD>OD600 PGCGROWTHCONDITIONS
growth phase: <Phase>mid-log phase</Phase> (<OD>OD600 = 0.3</OD>) PGCGROWTHCONDITIONS
growth phase: <Phase>stationary</Phase> PGCGROWTHCONDITIONS
<Gtype>∆fnr</Gtype> - <Air>Anaeroibc</Air> PGCGROWTHCONDITIONS
<Gtype>∆fnr</Gtype> ChIP DNA from <Gtype>PK4854</Gtype> PGCGROWTHCONDITIONS
......
agent: <Supp>DPD and rifampicin</Supp> PGCGROWTHCONDITIONS
agent: <Supp>DPD</Supp> PGCGROWTHCONDITIONS
agent: <Supp>Fe and rifampicin</Supp> PGCGROWTHCONDITIONS
agent: <Supp>Fe</Supp> PGCGROWTHCONDITIONS
<Air>Aerobic</Air> cultures PGCGROWTHCONDITIONS
<Air>Anaerobic</Air> cultures PGCGROWTHCONDITIONS
All sequencing reads were mapped to E. coli MG1655 reference genome (<Gversion>NC_000913</Gversion>) using CLC Genomics Workbench5 with the length fraction of 0.9 and the similarity of 0.99. PGCGROWTHCONDITIONS
antibody: <Anti>9E10 Myc tag</Anti> antibody PGCGROWTHCONDITIONS
antibody: <Anti>Affinity Purified FNR antibody</Anti> PGCGROWTHCONDITIONS
antibody: <Anti>anti-FLAG mAb</Anti> PGCGROWTHCONDITIONS
antibody: <Anti>Pre-cleared FNR antibody</Anti> PGCGROWTHCONDITIONS
antibody: <Anti>Pre-cleared H-NS polyclonal antibody</Anti> PGCGROWTHCONDITIONS
antibody: <Anti>Pre-cleared IHF polyclonal antibody</Anti> PGCGROWTHCONDITIONS
antibody: <Anti>RNA Polymerase ß monoclonal antibody</Anti> from NeoClone (W0002) PGCGROWTHCONDITIONS
At <OD>OD450 PGCGROWTHCONDITIONS
A total of six samples were analyzed. oxyR-8myc, soxR-8myc, and soxS-8myc tagged cells were cultured in <Med>M9 minimal media</Med> with <Supp>0.2% glucose</Supp>. Then cells were treated with 250 uM of paraquat at mid-log pahse for 20 min with agitation. PGCGROWTHCONDITIONS
A total of two samples were analyzed. ompR-8myc tagged cells were cultured in <Med>M9 minimal media</Med> with <Supp>0.2% glucose</Supp>. Then cells were treated with <Supp>0.3 M of NaCl</Supp> at <Phase>mid-log pahse</Phase> for <Supp>30 min</Supp> with agitation. PGCGROWTHCONDITIONS
carbon source: <Supp>acetate</Supp> PGCGROWTHCONDITIONS
carbon source: <Supp>fructose</Supp> PGCGROWTHCONDITIONS
carbon source: <Supp>glucose</Supp> PGCGROWTHCONDITIONS
Cells were grown aerobically (70% N2, 25% O2, and 5% CO2) or <Air>anaerobically (95% N2 and 5% CO2)</Air> until <Phase>mid-log phase</Phase> (<OD>OD600 of ~0.3-0.35</OD>). PGCGROWTHCONDITIONS
Cells were grown aerobically (70% N2, 25% O2, and 5% CO2) or <Air>anaerobically (95% N2 and 5% CO2)</Air> until <Phase>mid-log phase</Phase> (<OD>OD600 of ~0.3-0.35</OD>) in <Med>MOPS minimal glucose media</Med> containing <Supp>10 µM FeSO4</Supp>. PGCGROWTHCONDITIONS
Cells were grown aerobically (70% N2, 25% O2, and 5% CO2) or anaerobically (95% N2 and 5% CO2) until <Phase>mid-log phase</Phase> (<OD>OD600 of ~0.3-0.35</OD>). PGCGROWTHCONDITIONS
Cells were grown <Air>aerobically (25% O2, 70% N2 and 5% CO2)</Air> until <Phase>mid-log phase</Phase> (<OD>OD600 of 0.35</OD>) and treated with 1% final volumen formaldehyde for ten minutes. Sodium phosphate (1/100 vol. of 1M, pH 7.6; 10 mM final) was added to the mid-log cultures followed by formaldehyde to 1% final, and anaerobic sparging was continued for 10 min. Cold 2.5 M glycine was added to 100mM and the mixture was incubated at 4 °C with anaerobic sparging for 30 minutes to stop the crosslinking. Cells were spun at 5000 x g, and washed repeatedly with phosphate buffered saline before being frozen at -80 °C. PGCGROWTHCONDITIONS
Cells were grown <Air>aerobically (70% N2, 25% O2, and 5% CO2)</Air> or anaerobically (95% N2 and 5% CO2) until <Phase>mid-log phase</Phase> (<OD>OD600 of ~0.3-0.35</OD>). PGCGROWTHCONDITIONS
Cells were grown <Air>aerobically (70% N2, 25% O2, and 5% CO2)</Air> or anaerobically (95% N2 and 5% CO2) until <Phase>mid-log phase</Phase> (<OD>OD600 of ~0.3-0.35</OD>) in <Med>MOPS minimal glucose media</Med> containing <Supp>10 µM FeSO4</Supp>. PGCGROWTHCONDITIONS
Cells were grown <Air>anaerobically (95% N2 and 5% CO2)</Air> until <Phase>mid-log phase</Phase> (<OD>OD600 of 0.3</OD>) and treated with 1% final volumen formaldehyde for ten minutes. Sodium phosphate (1/100 vol. of 1M, pH 7.6; 10 mM final) was added to the mid-log cultures followed by formaldehyde to 1% final, and anaerobic sparging was continued for 10 min. Cold 2.5 M glycine was added to 100mM and the mixture was incubated at 4 °C with anaerobic sparging for 30 minutes to stop the crosslinking. Cells were spun at 5000 x g, and washed repeatedly with phosphate buffered saline before being frozen at -80 °C. PGCGROWTHCONDITIONS
Cells were grown at <Temp>37 °C</Temp> to an <OD>OD600 of about 0.15</OD> in 100 ml <Med>LB</Med> (+ <Supp>0.2% glucose</Supp>). PGCGROWTHCONDITIONS
Cells were grown at <Temp>37 °C</Temp> to an <OD>OD600 of about 0.15</OD> in 50 ml <Med>LB</Med> (+ <Supp>0.2% glucose</Supp>) before crosslinking. PGCGROWTHCONDITIONS
Cells were grown in 65 ml LB medium at 30 °C to an <OD>OD600 of about 0.3</OD>. Subsequently 30 ml of culture were transformed to a pre warmed <Vess>flask</Vess> at <Temp>43 °C (see heat sample)</Temp> and the remainder kept at <Temp>30 °C</Temp>. PGCGROWTHCONDITIONS
Cells were grown in 65 ml LB medium at 30 °C to an <OD>OD600 of about 0.3</OD>. Subsequently 30 ml of culture were transformed to a pre warmed <Vess>flask</Vess> at <Temp>43 °C</Temp> and the remainder kept at <Temp>30 °C (see control sample)</Temp>. PGCGROWTHCONDITIONS
Cells were grown in <Med>LB media</Med> with <Supp>1mM IPTG</Supp> at <Temp>37 °C</Temp> with shaking for <Supp>2 hours</Supp> PGCGROWTHCONDITIONS
Cells were grown with <Supp>16 µM IPTG and 300 µL Cm20</Supp> <Air>anaerobically (95% N2 and 5% CO2)</Air> until <Phase>mid-log phase</Phase> (<OD>OD600 of 0.3</OD>) and treated with 1% final volumen formaldehyde for ten minutes. Sodium phosphate (1/100 vol. of 1M, pH 7.6; 10 mM final) was added to the mid-log cultures followed by formaldehyde to 1% final, and anaerobic sparging was continued for 10 min. Cold 2.5 M glycine was added to 100mM and the mixture was incubated at 4 °C with anaerobic sparging for 30 minutes to stop the crosslinking. Cells were spun at 5000 x g, and washed repeatedly with phosphate buffered saline before being frozen at -80 °C. PGCGROWTHCONDITIONS
Cells were grown with <Supp>4 µM IPTG and 300 µL Cm20</Supp> <Air>anaerobically (95% N2 and 5% CO2)</Air> until <Phase>mid-log phase</Phase> (<OD>OD600 of 0.3</OD>) and treated with 1% final volumen formaldehyde for ten minutes. Sodium phosphate (1/100 vol. of 1M, pH 7.6; 10 mM final) was added to the mid-log cultures followed by formaldehyde to 1% final, and anaerobic sparging was continued for 10 min. Cold 2.5 M glycine was added to 100mM and the mixture was incubated at 4 °C with anaerobic sparging for 30 minutes to stop the crosslinking. Cells were spun at 5000 x g, and washed repeatedly with phosphate buffered saline before being frozen at -80 °C. PGCGROWTHCONDITIONS
Cells were grown with <Supp>8 µM IPTG and 300 µL Cm20</Supp> <Air>anaerobically (95% N2 and 5% CO2)</Air> until <Phase>mid-log phase</Phase> (<OD>OD600 of 0.3</OD>) and treated with 1% final volumen formaldehyde for ten minutes. Sodium phosphate (1/100 vol. of 1M, pH 7.6; 10 mM final) was added to the mid-log cultures followed by formaldehyde to 1% final, and anaerobic sparging was continued for 10 min. Cold 2.5 M glycine was added to 100mM and the mixture was incubated at 4 °C with anaerobic sparging for 30 minutes to stop the crosslinking. Cells were spun at 5000 x g, and washed repeatedly with phosphate buffered saline before being frozen at -80 °C. PGCGROWTHCONDITIONS
chip antibody: <Anti>9E10 Myc tag</Anti> antibody PGCGROWTHCONDITIONS
chip antibody: <Anti>anti-myc</Anti> PGCGROWTHCONDITIONS
chip antibody: <Anti>anti-myc</Anti> (Santa Cruz Biotech, sc-28207) PGCGROWTHCONDITIONS
chip antibody: <Anti>anti-RpoB</Anti> (Neoclone, WP002) PGCGROWTHCONDITIONS
chip antibody: <Anti>anti-rpoB</Anti> (Santa Cruz Biotech, sc-56766) PGCGROWTHCONDITIONS
chip antibody: <Anti>anti-RpoS</Anti> (neoclone, WP009) PGCGROWTHCONDITIONS
chip antibody: <Anti>none</Anti> PGCGROWTHCONDITIONS
chip antibody: <Anti>RNA polymerase subunit β</Anti> PGCGROWTHCONDITIONS
chip antibody: <Anti>SeqA</Anti> PGCGROWTHCONDITIONS
chip antibody: <Anti>σ32</Anti> PGCGROWTHCONDITIONS
chip antibody: Custom <Anti>anti-Fur polyclonal antibody</Anti> PGCGROWTHCONDITIONS
ChIP-exo reads were aligned to the <Gversion>NC_000913</Gversion> genome reference sequence using using bowtie v1.0.0 with parameters -S PGCGROWTHCONDITIONS
ChIP-exo reads were aligned to the <Gversion>NC_000913 </Gversion>genome reference sequence using using bowtie v1.0.0 with parameters -S PGCGROWTHCONDITIONS
culture condition: <Air>Aerobic</Air> cultures PGCGROWTHCONDITIONS
culture condition: <Air>Anaerobic</Air> cultures PGCGROWTHCONDITIONS
cultured in: <Med>M9 minimal media</Med> with <Supp>0.2% acetate</Supp> PGCGROWTHCONDITIONS
cultured in: <Med>M9 minimal media</Med> with <Supp>0.2% fructose</Supp> PGCGROWTHCONDITIONS
cultured in: <Med>M9 minimal media</Med> with <Supp>0.2% glucose</Supp> PGCGROWTHCONDITIONS
Cultures grown in <Med>MOPS minimal glucose media</Med> containing <Supp>10 µM FeSO4</Supp> PGCGROWTHCONDITIONS
E. coli K-12 MG1655 cra-8myc tagged strains was grown to mid-log phase <Air>aerobically</Air> at <Temp>37°C</Temp> in M9 minimal media supplemented with 0.2% glucose, fructose and acetate. PGCGROWTHCONDITIONS
E. coli K-12 MG1655 WT and Fur-8-myc tagged strains were grown to <Phase>mid-log phase</Phase> <Air>aerobically</Air> at <Temp>37°C</Temp> in <Med>M9 minimal media</Med> supplemented with <Supp>0.2% glucose</Supp>. For iron treated cells, 0.1mM of FeCl2 were treated from the beginning of culture, and for DPD treated cells, <Supp>0.2mM of DPD</Supp> were added at early-log phase and continued to culture for additional <Supp>2h</Supp>. For the rifampicin-treated cultures, the rifampicin dissolved in methanol was added to a final concentration of 150 mg/mL at mid-log phase and stirred for 20 min. PGCGROWTHCONDITIONS
E. coli K-12 MG1655 WT and Fur-8-myc tagged strains were grown to <Phase>mid-log phase</Phase> <Air>aerobically</Air> at <Temp>37°C</Temp> in <Med>M9 minimal media</Med> supplemented with <Supp>0.2% glucose</Supp>. For iron treated cells, 0.1mM of FeCl2 were treated from the beginning of culture, and for DPD treated cells, <Supp>0.2mM of DPD</Supp> were added at early-log phase and continued to culture for additional <Supp>2h</Supp>. For the rifampicin-treated cultures, the <Supp>rifampicin dissolved in methanol</Supp> was added to a final concentration of <Supp>150 mg/mL</Supp> at mid-log phase and stirred for <Supp>20 min</Supp>. PGCGROWTHCONDITIONS
E. coli K-12 MG1655 WT and Fur-8-myc tagged strains were grown to <Phase>mid-log phase</Phase> <Air>aerobically</Air> at <Temp>37°C</Temp> in <Med>M9 minimal media</Med> supplemented with <Supp>0.2% glucose</Supp>. For iron treated cells, <Supp>0.1mM of FeCl2</Supp> were treated from the beginning of culture, and for DPD treated cells, 0.2mM of DPD were added at early-log phase and continued to culture for additional <Supp>2h</Supp>. For the rifampicin-treated cultures, the rifampicin dissolved in methanol was added to a final concentration of 150 mg/mL at mid-log phase and stirred for 20 min. PGCGROWTHCONDITIONS
E. coli K-12 MG1655 WT and Fur-8-myc tagged strains were grown to <Phase>mid-log phase</Phase> <Air>aerobically</Air> at <Temp>37°C</Temp> in <Med>M9 minimal media</Med> supplemented with <Supp>0.2% glucose</Supp>. For iron treated cells, <Supp>0.1mM of FeCl2</Supp> were treated from the beginning of culture, and for DPD treated cells, 0.2mM of DPD were added at early-log phase and continued to culture for additional <Supp>2h</Supp>. For the rifampicin-treated cultures, the <Supp>rifampicin dissolved in methanol</Supp> was added to a final concentration of <Supp>150 mg/mL</Supp> at mid-log phase and stirred for <Supp>20 min</Supp>. PGCGROWTHCONDITIONS
E. coli K-12 MG1655 WT, and Δcra were grown to <Phase>mid-log phase</Phase> <Air>aerobically</Air> at <Temp>37°C</Temp> in <Med>M9 minimal media</Med> supplemented with <Supp>0.2% glucose</Supp>, fructose and acetate. PGCGROWTHCONDITIONS
E. coli K-12 MG1655 WT, and Δcra were grown to <Phase>mid-log phase</Phase> <Air>aerobically</Air> at <Temp>37°C</Temp> in <Med>M9 minimal media</Med> supplemented with <Supp>0.2%</Supp> glucose, fructose and acetate. PGCGROWTHCONDITIONS
E. coli K-12 MG1655 WT and Δfur were grown to <Phase>mid-log phase</Phase> <Air>aerobically</Air> at <Temp>37°C</Temp> in <Med>M9 minimal media</Med> supplemented with <Supp>0.2% glucose</Supp>. For iron treated cells, 0.1mM of FeCl2 were treated from the beginning of culture, and for DPD treated cells, <Supp>0.2mM of DPD</Supp> were added at early-log phase and continued to culture for additional 2h. PGCGROWTHCONDITIONS
E. coli K-12 MG1655 WT and Δfur were grown to <Phase>mid-log phase</Phase> <Air>aerobically</Air> at <Temp>37°C</Temp> in <Med>M9 minimal media</Med> supplemented with <Supp>0.2% glucose</Supp>. For iron treated cells, <Supp>0.1mM of FeCl2</Supp> were treated from the beginning of culture, and for DPD treated cells, 0.2mM of DPD were added at early-log phase and continued to culture for additional 2h. PGCGROWTHCONDITIONS
E. coli K-12 MG1655 WT and ΔompR were grown to <Phase>mid-log phase</Phase> <Air>aerobically</Air> at <Temp>37°C</Temp> in <Med>M9 minimal media</Med> supplemented with <Supp>0.2% glucose</Supp>. Then cells were treated with <Supp>0.3 M of NaCl</Supp> at mid-log pahse for <Supp>30 min</Supp> with agitation. PGCGROWTHCONDITIONS
E. coli K-12 MG1655 WT, GadE-8-myc, GadW-8-myc, and GadX-8-myc tagged strains were grown to <Phase>mid-log phase</Phase> (<OD>OD600 PGCGROWTHCONDITIONS
E. coli K-12 MG1655 WT, gadE, gadW and gadX mutant cells were grown to mid-log phase (OD600 PGCGROWTHCONDITIONS
E. coli K-12 MG1655 WT, ΔoxyR, ΔsoxR, and ΔsoxS were grown to mid-log phase <Air>aerobically</Air> at <Temp>37°C</Temp> in <Med>M9 minimal media</Med> supplemented with <Supp>0.2% glucose</Supp>. Then cells were treated with 250 uM of paraquat at mid-log pahse for 20 min with agitation. PGCGROWTHCONDITIONS
E. coli strains harboring PurR-8myc were grown in minimal M9 medium supplemented with glucose (2 g/L) then inoculated into 100mL of fresh <Med>M9 minimal medium</Med>. PGCGROWTHCONDITIONS
E. coli strains harboring PurR-8myc were grown in minimal M9 medium supplemented with glucose (2 g/L) then inoculated into 100mL of fresh <Med>M9 minimal medium</Med> supplemented with <Supp>100ug/L adenine</Supp>. PGCGROWTHCONDITIONS
Escherichia coli, expressing <Gtype>NsrR</Gtype> with a C-terminal <Gtype>Flag-tag</Gtype>, was grown <Air>anaerobically</Air> in <Med>L broth</Med> supplemented with <Supp>glucose</Supp>. PGCGROWTHCONDITIONS
Escherichia coli, expressing <Gtype>NsrR</Gtype> with a C-terminal <Gtype>Flag-tag</Gtype>, was grown <Air>anaerobically</Air> in <Med>L broth</Med> supplemented with <Supp>glucose</Supp>. PGCGROWTHCONDITIONS
Escherichia coli, expressing <Gtype>NsrR</Gtype> with a C-terminal <Gtype>Flag-tag</Gtype>, was grown <Air>anaerobically</Air> in <Med>L broth</Med> supplemented with <Supp>glucose</Supp>. PGCGROWTHCONDITIONS
Escherichia coli, expressing <Gtype>NsrR</Gtype> with a C-terminal <Gtype>Flag-tag</Gtype>, was grown <Air>anaerobically</Air> in <Med>L broth</Med> supplemented with <Supp>glucose</Supp> and <Supp>nitrate</Supp>. PGCGROWTHCONDITIONS
Escherichia coli, expressing <Gtype>NsrR</Gtype> with a C-terminal <Gtype>Flag-tag</Gtype>, was grown <Air>anaerobically</Air> in <Med>L broth</Med> supplemented with <Supp>glucose</Supp> and <Supp>nitrate</Supp>. PGCGROWTHCONDITIONS
Escherichia coli MG1655 K-12 <Gtype>dFNR (PK4854)</Gtype> PGCGROWTHCONDITIONS
Escherichia coli MG1655 K-12 WT and ∆fnr were grown to <Phase>mid-log phase </Phase>(<OD>O.D.600nm 0.3</OD>) <Air>anerobically (95% N2, 5% CO2)</Air> at <Temp>37°C </Temp>in <Med>MOPS</Med> +<Supp>0.2% glucose</Supp> media (Ref). PGCGROWTHCONDITIONS
Genome_build: Escherichia coli MG1655 K-12 genome version <Gversion>U00096.2</Gversion> PGCGROWTHCONDITIONS
Genome_build: <Gversion>ASM584v2</Gversion> PGCGROWTHCONDITIONS
Genome_build: <Gversion>NC_000913.2</Gversion> PGCGROWTHCONDITIONS
Genome_build: <Gversion>NC_000913</Gversion> PGCGROWTHCONDITIONS
Genome_build: <Gversion>U00096.2</Gversion> (GenBank) PGCGROWTHCONDITIONS
genotype: delta-<Gtype>cra Knock-out strain</Gtype> PGCGROWTHCONDITIONS
genotype: delta-<Gtype>crp Knock-out strain</Gtype> PGCGROWTHCONDITIONS
genotype: <Gtype>ArgR-8myc</Gtype> PGCGROWTHCONDITIONS
genotype: <Gtype>gadE-8myc</Gtype> PGCGROWTHCONDITIONS
genotype: <Gtype>gadW-8myc</Gtype> PGCGROWTHCONDITIONS
genotype: <Gtype>gadX-8myc</Gtype> PGCGROWTHCONDITIONS
genotype: <Gtype>Lrp-8myc</Gtype> PGCGROWTHCONDITIONS
genotype: <Gtype>ompR-8myc</Gtype> PGCGROWTHCONDITIONS
genotype: <Gtype>ompR deletion mutant</Gtype> PGCGROWTHCONDITIONS
genotype: <Gtype>PurR-8myc</Gtype> PGCGROWTHCONDITIONS
genotype: <Gtype>TrpR-8myc</Gtype> PGCGROWTHCONDITIONS
genotype: <Gtype>wildtype</Gtype> PGCGROWTHCONDITIONS
genotype: <Gtype>Wildtype</Gtype> PGCGROWTHCONDITIONS
genotype: <Gtype>WT</Gtype> PGCGROWTHCONDITIONS
genotype: <Gtype>ΔseqA</Gtype> PGCGROWTHCONDITIONS
genotype/variation: <Gtype>Combined input</Gtype> PGCGROWTHCONDITIONS
genotype/variation: <Gtype>cra-8myc-tagged</Gtype> PGCGROWTHCONDITIONS
genotype/variation: <Gtype>delta_cra</Gtype> PGCGROWTHCONDITIONS
genotype/variation: <Gtype>delta-gadE</Gtype> PGCGROWTHCONDITIONS
genotype/variation: <Gtype>delta-gadW</Gtype> PGCGROWTHCONDITIONS
genotype/variation: <Gtype>delta-gadX</Gtype> PGCGROWTHCONDITIONS
genotype/variation: <Gtype>{delta}lacZ, {delta}tonB, {delta}feoA, {delta}zupT K12</Gtype> PGCGROWTHCONDITIONS
genotype/variation: <Gtype>delta-oxyR</Gtype> PGCGROWTHCONDITIONS
genotype/variation: <Gtype>delta-soxR</Gtype> PGCGROWTHCONDITIONS
genotype/variation: <Gtype>delta-soxS</Gtype> PGCGROWTHCONDITIONS
genotype/variation: <Gtype>{delta}tonB, {delta}feoA, {delta}zupT K12</Gtype> PGCGROWTHCONDITIONS
genotype/variation: <Gtype>fur-8myc</Gtype> PGCGROWTHCONDITIONS
genotype/variation: <Gtype>lacking the small RNA RyhB</Gtype> PGCGROWTHCONDITIONS
genotype/variation: <Gtype>lacking the transcription factor Fur and the small RNA RyhB</Gtype> PGCGROWTHCONDITIONS
genotype/variation: <Gtype>lacking the transcription factor Fur</Gtype> PGCGROWTHCONDITIONS
genotype/variation: <Gtype>oxyR-8myc</Gtype>-tagged PGCGROWTHCONDITIONS
genotype/variation: <Gtype>soxR-8myc</Gtype>-tagged PGCGROWTHCONDITIONS
genotype/variation: <Gtype>soxS-8myc</Gtype>-tagged PGCGROWTHCONDITIONS
genotype/variation: <Gtype>wild type</Gtype> PGCGROWTHCONDITIONS
genotype/variation: <Gtype>Wild-type</Gtype> PGCGROWTHCONDITIONS
genotype/variation: <Gtype>WT</Gtype> PGCGROWTHCONDITIONS
genotype/variation: <Gtype>Δfur</Gtype> PGCGROWTHCONDITIONS
genoype: <Gtype>dFNR</Gtype> PGCGROWTHCONDITIONS
genoype: <Gtype>Wild-Type</Gtype> PGCGROWTHCONDITIONS
growth condition: <Air>Aerobic</Air> PGCGROWTHCONDITIONS
growth condition: <Air>anaerobic</Air> PGCGROWTHCONDITIONS
growth condition: <Air>Anaerobic</Air> PGCGROWTHCONDITIONS
growth condition: <Supp>16 µM IPTG</Supp> PGCGROWTHCONDITIONS
growth condition: <Supp>4 µM IPTG</Supp> PGCGROWTHCONDITIONS
growth condition: <Supp>8 µM IPTG</Supp> PGCGROWTHCONDITIONS
growth condition: <Supp>Adenine</Supp> PGCGROWTHCONDITIONS
growth condition: <Supp>glucose</Supp> PGCGROWTHCONDITIONS
growth medium: <Med>MOPS minimal glucose media</Med> containing <Supp>10 µM FeSO4</Supp> PGCGROWTHCONDITIONS
growth medium: <Med>MOPS minimal glucose media</Med> containing <Supp>1 µM FeSO4</Supp> PGCGROWTHCONDITIONS
growth phase: <Phase>exponential</Phase> PGCGROWTHCONDITIONS
growth phase: <Phase>mid-log</Phase> PGCGROWTHCONDITIONS
growth phase: <Phase>mid-log phase</Phase> (<OD>OD600 PGCGROWTHCONDITIONS
growth phase: <Phase>stationary</Phase> PGCGROWTHCONDITIONS
<Gtype>∆fnr</Gtype> ChIP DNA from <Gtype>PK4854</Gtype> PGCGROWTHCONDITIONS
<Gversion>ChIP-Seq</Gversion> PGCGROWTHCONDITIONS
ip antibody: <Anti>affinity purified anti-Fur antibody</Anti> PGCGROWTHCONDITIONS
library strategy: <Technique>ChIP-exo</Technique> PGCGROWTHCONDITIONS
medium: <Med>LB</Med> PGCGROWTHCONDITIONS
medium: <Med>M63</Med> PGCGROWTHCONDITIONS
<Med>M9 minimal complete media</Med>, cultures grown <Air>aerobically</Air> at <Temp>30 degrees C</Temp> in a <Agit>gyratory water bath shaking at 240 rpm</Agit> PGCGROWTHCONDITIONS
<Name>ArgR_Arginine_1</Name> PGCGROWTHCONDITIONS
<Name>ArgR_Arginine_2</Name> PGCGROWTHCONDITIONS
<Name>ArgR_NH4Cl_1</Name> PGCGROWTHCONDITIONS
<Name>ArgR_NH4Cl_2</Name> PGCGROWTHCONDITIONS
<Name>ChIP-exo GadE pH5.5 1</Name> PGCGROWTHCONDITIONS
<Name>ChIP-exo GadE pH5.5 2</Name> PGCGROWTHCONDITIONS
<Name>ChIP-exo GadW pH5.5 1</Name> PGCGROWTHCONDITIONS
<Name>ChIP-exo GadW pH5.5 2</Name> PGCGROWTHCONDITIONS
<Name>ChIP-exo GadX pH5.5 1</Name> PGCGROWTHCONDITIONS
<Name>ChIP-exo GadX pH5.5 2</Name> PGCGROWTHCONDITIONS
<Name>ChIP-exo RpoS pH5.5 1</Name> PGCGROWTHCONDITIONS
<Name>ChIP-exo RpoS pH5.5 2</Name> PGCGROWTHCONDITIONS
<Name>Cra acetate 1</Name> PGCGROWTHCONDITIONS
<Name>Cra acetate 2</Name> PGCGROWTHCONDITIONS
<Name>Cra fructose 1</Name> PGCGROWTHCONDITIONS
<Name>Cra fructose 2</Name> PGCGROWTHCONDITIONS
<Name>Cra glucose 1</Name> PGCGROWTHCONDITIONS
<Name>Cra glucose 2</Name> PGCGROWTHCONDITIONS
<Name>Crosslink</Name> PGCGROWTHCONDITIONS
<Name>CsiR_ChIPSeq</Name> PGCGROWTHCONDITIONS
<Name>CsiR_RNASeq</Name> PGCGROWTHCONDITIONS
<Name>EC18n122 RpoH 10 min Time course 4</Name> PGCGROWTHCONDITIONS
<Name>EC18n167 RpoH 0 min Time course 2</Name> PGCGROWTHCONDITIONS
<Name>EC18n168 RpoH 2.5 min Time course 2</Name> PGCGROWTHCONDITIONS
<Name>EC18n169 RpoH 5 min Time course 2</Name> PGCGROWTHCONDITIONS
<Name>EC18n170 RpoH 10 min Time course 2</Name> PGCGROWTHCONDITIONS
<Name>EC18n171 RpoH 20 min Time course 2</Name> PGCGROWTHCONDITIONS
<Name>EC18n177 RpoH 0 min Time course 1</Name> PGCGROWTHCONDITIONS
<Name>EC18n178 RpoH 2.5 min Time course 1</Name> PGCGROWTHCONDITIONS
<Name>EC18n179 RpoH 5 min Time course 1</Name> PGCGROWTHCONDITIONS
<Name>EC18n180 RpoH 10 min Time course 1</Name> PGCGROWTHCONDITIONS
<Name>EC18n181 RpoH 20 min Time course 1</Name> PGCGROWTHCONDITIONS
<Name>EC18n182 RpoH 0 min Time course 3</Name> PGCGROWTHCONDITIONS
<Name>EC18n183 RpoH 2.5 min Time course 3</Name> PGCGROWTHCONDITIONS
<Name>EC18n184 RpoH 5 min Time course 3</Name> PGCGROWTHCONDITIONS
<Name>EC18n185 RpoH 10 min Time course 3</Name> PGCGROWTHCONDITIONS
<Name>EC18n186 RpoH 20 min Time course 3</Name> PGCGROWTHCONDITIONS
<Name>Ecoli_dFNR_rep1_anaerobic</Name> PGCGROWTHCONDITIONS
<Name>Ecoli_dFNR_rep2_anaerobic</Name> PGCGROWTHCONDITIONS
<Name>Ecoli_wild-type_rep1_anaerobic</Name> PGCGROWTHCONDITIONS
<Name>Ecoli_wild-type_rep2_anaerobic</Name> PGCGROWTHCONDITIONS
<Name>Escherichia coli str. K-12 substr. MG1655</Name> PGCGROWTHCONDITIONS
<Name>FNR - Anaerobic - Affinity Purified - A</Name> PGCGROWTHCONDITIONS
<Name>FNR - Anaerobic - Affinity Purified - B</Name> PGCGROWTHCONDITIONS
<Name>FNR - Anaerobic - A</Name> PGCGROWTHCONDITIONS
<Name>FNR - Anaerobic - B</Name> PGCGROWTHCONDITIONS
<Name>FNR - Anaerobic - C</Name> PGCGROWTHCONDITIONS
<Name>∆fnr - Anaeroibc</Name> PGCGROWTHCONDITIONS
<Name>FNR - ∆hns∆stpA A</Name> PGCGROWTHCONDITIONS
<Name>FNR - ∆hns∆stpA B</Name> PGCGROWTHCONDITIONS
<Name>∆fur Aerobic A</Name> PGCGROWTHCONDITIONS
<Name>∆fur Aerobic B</Name> PGCGROWTHCONDITIONS
<Name>∆fur Anaerobic A</Name> PGCGROWTHCONDITIONS
<Name>∆fur Anaerobic B</Name> PGCGROWTHCONDITIONS
<Name>∆fur Anaerobic [IP vs nput]</Name> PGCGROWTHCONDITIONS
<Name>Fur IP ChIP-Seq Aerobic A</Name> PGCGROWTHCONDITIONS
<Name>Fur IP ChIP-Seq Aerobic B</Name> PGCGROWTHCONDITIONS
<Name>Fur IP ChIP-Seq Aerobic C</Name> PGCGROWTHCONDITIONS
<Name>Fur IP ChIP-Seq Anaerobic A</Name> PGCGROWTHCONDITIONS
<Name>Fur IP ChIP-Seq Anaerobic B</Name> PGCGROWTHCONDITIONS
<Name>Fur IP ChIP-Seq Anaerobic C</Name> PGCGROWTHCONDITIONS
<Name>Fur IP ChIP-Seq Anaerobic, Iron Deficient A</Name> PGCGROWTHCONDITIONS
<Name>Fur IP ChIP-Seq Anaerobic, Iron Deficient B</Name> PGCGROWTHCONDITIONS
<Name>∆fur ∆ryhB Aerobic A</Name> PGCGROWTHCONDITIONS
<Name>∆fur ∆ryhB Aerobic B</Name> PGCGROWTHCONDITIONS
<Name>∆fur ∆ryhB Anaerobic A</Name> PGCGROWTHCONDITIONS
<Name>∆fur ∆ryhB Anaerobic B</Name> PGCGROWTHCONDITIONS
<Name>Fur with DPD 1 (ChIP-exo)</Name> PGCGROWTHCONDITIONS
<Name>Fur with DPD 2 (ChIP-exo)</Name> PGCGROWTHCONDITIONS
<Name>Fur with Fe 1 (ChIP-exo)</Name> PGCGROWTHCONDITIONS
<Name>Fur with Fe 2 (ChIP-exo)</Name> PGCGROWTHCONDITIONS
<Name>HNS - Aerobic A</Name> PGCGROWTHCONDITIONS
<Name>HNS - Aerobic B</Name> PGCGROWTHCONDITIONS
<Name>HNS - Anaerobic A</Name> PGCGROWTHCONDITIONS
<Name>HNS - Anaerobic B</Name> PGCGROWTHCONDITIONS
<Name>IHF - Anaerobic A</Name> PGCGROWTHCONDITIONS
<Name>IHF - Anaerobic B</Name> PGCGROWTHCONDITIONS
<Name>Input ChIP-Seq</Name> PGCGROWTHCONDITIONS
<Name>LB 0.4 B1 TEX neg L1 GA</Name> PGCGROWTHCONDITIONS
<Name>LB 0.4 B1 TEX pos L1 GA</Name> PGCGROWTHCONDITIONS
<Name>LB 0.4 B2 TEX neg L1 HS1</Name> PGCGROWTHCONDITIONS
<Name>LB 0.4 B2 TEX neg L1 HS2</Name> PGCGROWTHCONDITIONS
<Name>LB 0.4 B2 TEX pos L1 HS1</Name> PGCGROWTHCONDITIONS
<Name>LB 0.4 B2 TEX pos L1 HS2</Name> PGCGROWTHCONDITIONS
<Name>LB 2.0 B1 TEX neg L1 GA</Name> PGCGROWTHCONDITIONS
<Name>LB 2.0 B1 TEX neg L2 HS2</Name> PGCGROWTHCONDITIONS
<Name>LB 2.0 B1 TEX pos L1 GA</Name> PGCGROWTHCONDITIONS
<Name>LB 2.0 B1 TEX pos L2 HS2</Name> PGCGROWTHCONDITIONS
<Name>LB 2.0 B2 TEX neg L1 HS1</Name> PGCGROWTHCONDITIONS
<Name>LB 2.0 B2 TEX neg L1 HS2</Name> PGCGROWTHCONDITIONS
<Name>LB 2.0 B2 TEX neg L2 HS2</Name> PGCGROWTHCONDITIONS
<Name>LB 2.0 B2 TEX pos L1 HS1</Name> PGCGROWTHCONDITIONS
<Name>LB 2.0 B2 TEX pos L1 HS2</Name> PGCGROWTHCONDITIONS
<Name>LB 2.0 B2 TEX pos L2 HS2</Name> PGCGROWTHCONDITIONS
<Name>Lrp_Leu_1</Name> PGCGROWTHCONDITIONS
<Name>Lrp_Leu_2</Name> PGCGROWTHCONDITIONS
<Name>Lrp_Leu_3</Name> PGCGROWTHCONDITIONS
<Name>Lrp_NH4Cl_1</Name> PGCGROWTHCONDITIONS
<Name>Lrp_NH4Cl_2</Name> PGCGROWTHCONDITIONS
<Name>Lrp_NH4Cl_3</Name> PGCGROWTHCONDITIONS
<Name>M63 0.4 B1 TEX neg L1 GA</Name> PGCGROWTHCONDITIONS
<Name>M63 0.4 B1 TEX pos L1 GA</Name> PGCGROWTHCONDITIONS
<Name>M63 0.4 B2 TEX neg L1 HS1</Name> PGCGROWTHCONDITIONS
<Name>M63 0.4 B2 TEX neg L1 HS2</Name> PGCGROWTHCONDITIONS
<Name>M63 0.4 B2 TEX pos L1 HS1</Name> PGCGROWTHCONDITIONS
<Name>M63 0.4 B2 TEX pos L1 HS2</Name> PGCGROWTHCONDITIONS
<Name>Nac_ChIPSeq</Name> PGCGROWTHCONDITIONS
<Name>Nac_RNASeq</Name> PGCGROWTHCONDITIONS
<Name>NsrR_Flagtag_rep1</Name> PGCGROWTHCONDITIONS
<Name>NsrR_Flagtag_rep2</Name> PGCGROWTHCONDITIONS
<Name>NsrR_Flagtag_rep3</Name> PGCGROWTHCONDITIONS
<Name>NtrC_ChIPSeq</Name> PGCGROWTHCONDITIONS
<Name>OmpR_ChIPSeq</Name> PGCGROWTHCONDITIONS
<Name>OmpR NaCl 1</Name> PGCGROWTHCONDITIONS
<Name>OmpR NaCl 2</Name> PGCGROWTHCONDITIONS
<Name>OxyR PQ 1</Name> PGCGROWTHCONDITIONS
<Name>OxyR PQ 2</Name> PGCGROWTHCONDITIONS
<Name>pT7_ChIPSeq_1</Name> PGCGROWTHCONDITIONS
<Name>pT7_ChIPSeq_2</Name> PGCGROWTHCONDITIONS
<Name>Ptac::fnr - A - 16 µM IPTG</Name> PGCGROWTHCONDITIONS
<Name>Ptac::fnr - A - 4 µM IPTG</Name> PGCGROWTHCONDITIONS
<Name>Ptac::fnr - A - 8 µM IPTG</Name> PGCGROWTHCONDITIONS
<Name>Ptac::fnr - B - 16 µM IPTG</Name> PGCGROWTHCONDITIONS
<Name>Ptac::fnr - B - 4 µM IPTG</Name> PGCGROWTHCONDITIONS
<Name>Ptac::fnr - B - 8 µM IPTG</Name> PGCGROWTHCONDITIONS
<Name>Ptac::fnr - C - 16 µM IPTG</Name> PGCGROWTHCONDITIONS
<Name>PurR_Adenine_1</Name> PGCGROWTHCONDITIONS
<Name>PurR_Adenine_2</Name> PGCGROWTHCONDITIONS
<Name>PurR_glucose_1</Name> PGCGROWTHCONDITIONS
<Name>PurR_glucose_2</Name> PGCGROWTHCONDITIONS
<Name>RNAP old rep1</Name> PGCGROWTHCONDITIONS
<Name>RNAP old rep2</Name> PGCGROWTHCONDITIONS
<Name>RpoB ∆cra 1</Name> PGCGROWTHCONDITIONS
<Name>RpoB ∆cra 2</Name> PGCGROWTHCONDITIONS
<Name>RpoB ∆crp 1</Name> PGCGROWTHCONDITIONS
<Name>RpoB ∆crp 2</Name> PGCGROWTHCONDITIONS
<Name>RpoB with DPD 1 (ChIP-exo)</Name> PGCGROWTHCONDITIONS
<Name>RpoB with DPD 2 (ChIP-exo)</Name> PGCGROWTHCONDITIONS
<Name>RpoB with DPD and rifampicin 1 (ChIP-exo)</Name> PGCGROWTHCONDITIONS
<Name>RpoB with DPD and rifampicin 2 (ChIP-exo)</Name> PGCGROWTHCONDITIONS
<Name>RpoB with Fe 1 (ChIP-exo)</Name> PGCGROWTHCONDITIONS
<Name>RpoB with Fe 2 (ChIP-exo)</Name> PGCGROWTHCONDITIONS
<Name>RpoB with Fe and rifampicin 1 (ChIP-exo)</Name> PGCGROWTHCONDITIONS
<Name>RpoB with Fe and rifampicin 2 (ChIP-exo)</Name> PGCGROWTHCONDITIONS
<Name>RpoB WT 1</Name> PGCGROWTHCONDITIONS
<Name>RpoB WT 2</Name> PGCGROWTHCONDITIONS
<Name>RpoH induced (0 min)</Name> PGCGROWTHCONDITIONS
<Name>RpoH induced (10 min)</Name> PGCGROWTHCONDITIONS
<Name>RpoH induced (20 min)</Name> PGCGROWTHCONDITIONS
<Name>RpoH induced (2.5 min)</Name> PGCGROWTHCONDITIONS
<Name>RpoH induced (5 min)</Name> PGCGROWTHCONDITIONS
<Name>∆ryhB Aerobic</Name> PGCGROWTHCONDITIONS
<Name>∆ryhB Anaerobic</Name> PGCGROWTHCONDITIONS
<Name>SeqA new deltaSeqA</Name> PGCGROWTHCONDITIONS
<Name>SeqA new rep1</Name> PGCGROWTHCONDITIONS
<Name>SeqA new rep2</Name> PGCGROWTHCONDITIONS
<Name>SeqA old deltaSeqA</Name> PGCGROWTHCONDITIONS
<Name>SeqA old rep1</Name> PGCGROWTHCONDITIONS
<Name>SeqA old rep2</Name> PGCGROWTHCONDITIONS
<Name>SoxR PQ 1</Name> PGCGROWTHCONDITIONS
<Name>SoxR PQ 2</Name> PGCGROWTHCONDITIONS
<Name>SoxS PQ 1</Name> PGCGROWTHCONDITIONS
<Name>SoxS PQ 2</Name> PGCGROWTHCONDITIONS
<Name>ß - Aerobic - A</Name> PGCGROWTHCONDITIONS
<Name>ß - Aerobic - B</Name> PGCGROWTHCONDITIONS
<Name>ß - Anaerobic - A</Name> PGCGROWTHCONDITIONS
<Name>ß - Anaerobic - B</Name> PGCGROWTHCONDITIONS
<Name>TrpR_glucose</Name> PGCGROWTHCONDITIONS
<Name>TrpR_Trp</Name> PGCGROWTHCONDITIONS
<Name>Wild-type Aerobic A</Name> PGCGROWTHCONDITIONS
<Name>Wild-type Aerobic B</Name> PGCGROWTHCONDITIONS
<Name>Wild-type Anaerobic A</Name> PGCGROWTHCONDITIONS
<Name>Wild-type Anaerobic B</Name> PGCGROWTHCONDITIONS
<Name>Wild type control (0 min)</Name> PGCGROWTHCONDITIONS
<Name>Wild type control (10 min)</Name> PGCGROWTHCONDITIONS
<Name>Wild type control (20 min)</Name> PGCGROWTHCONDITIONS
<Name>Wild type control (2.5 min)</Name> PGCGROWTHCONDITIONS
<Name>Wild type control (5 min)</Name> PGCGROWTHCONDITIONS
<Name>WT acetate 1</Name> PGCGROWTHCONDITIONS
<Name>WT acetate 2</Name> PGCGROWTHCONDITIONS
<Name>WT_ChIPSeq_1</Name> PGCGROWTHCONDITIONS
<Name>WT_ChIPSeq_2</Name> PGCGROWTHCONDITIONS
<Name>WT fructose 1</Name> PGCGROWTHCONDITIONS
<Name>WT fructose 2</Name> PGCGROWTHCONDITIONS
<Name>WT glucose 1</Name> PGCGROWTHCONDITIONS
<Name>WT glucose 2</Name> PGCGROWTHCONDITIONS
<Name>WT NaCl 1</Name> PGCGROWTHCONDITIONS
<Name>WT NaCl 2</Name> PGCGROWTHCONDITIONS
<Name>WT pH5.5 1</Name> PGCGROWTHCONDITIONS
<Name>WT pH5.5 2</Name> PGCGROWTHCONDITIONS
<Name>WT PQ 1</Name> PGCGROWTHCONDITIONS
<Name>WT PQ 2</Name> PGCGROWTHCONDITIONS
<Name>WT_RNASeq</Name> PGCGROWTHCONDITIONS
<Name>WT with DPD 1 (RNA-seq)</Name> PGCGROWTHCONDITIONS
<Name>WT with DPD 2 (RNA-seq)</Name> PGCGROWTHCONDITIONS
<Name>WT with Fe 1 (RNA-seq)</Name> PGCGROWTHCONDITIONS
<Name>WT with Fe 2 (RNA-seq)</Name> PGCGROWTHCONDITIONS
<Name>Δcra acetate 1</Name> PGCGROWTHCONDITIONS
<Name>Δcra acetate 2</Name> PGCGROWTHCONDITIONS
<Name>Δcra fructose 1</Name> PGCGROWTHCONDITIONS
<Name>Δcra fructose 2</Name> PGCGROWTHCONDITIONS
<Name>Δcra glucose 1</Name> PGCGROWTHCONDITIONS
<Name>Δcra glucose 2</Name> PGCGROWTHCONDITIONS
<Name>Δfur with DPD 1 (RNA-seq)</Name> PGCGROWTHCONDITIONS
<Name>Δfur with DPD 2 (RNA-seq)</Name> PGCGROWTHCONDITIONS
<Name>Δfur with Fe 1 (RNA-seq)</Name> PGCGROWTHCONDITIONS
<Name>Δfur with Fe 2 (RNA-seq)</Name> PGCGROWTHCONDITIONS
<Name>ΔgadE pH5.5 1</Name> PGCGROWTHCONDITIONS
<Name>ΔgadE pH5.5 2</Name> PGCGROWTHCONDITIONS
<Name>ΔgadW pH5.5 1</Name> PGCGROWTHCONDITIONS
<Name>ΔgadW pH5.5 2</Name> PGCGROWTHCONDITIONS
<Name>ΔgadX pH5.5 1</Name> PGCGROWTHCONDITIONS
<Name>ΔgadX pH5.5 2</Name> PGCGROWTHCONDITIONS
<Name>ΔompR NaCl 1</Name> PGCGROWTHCONDITIONS
<Name>ΔompR NaCl 2</Name> PGCGROWTHCONDITIONS
<Name>ΔoxyR PQ 1</Name> PGCGROWTHCONDITIONS
<Name>ΔoxyR PQ 2</Name> PGCGROWTHCONDITIONS
<Name>ΔsoxR PQ 1</Name> PGCGROWTHCONDITIONS
<Name>ΔsoxR PQ 2</Name> PGCGROWTHCONDITIONS
<Name>ΔsoxS PQ 1</Name> PGCGROWTHCONDITIONS
<Name>ΔsoxS PQ 2</Name> PGCGROWTHCONDITIONS
<Name>σ32 30°C rep1</Name> PGCGROWTHCONDITIONS
<Name>σ32 30°C rep2</Name> PGCGROWTHCONDITIONS
<Name>σ32 30°C short RNase</Name> PGCGROWTHCONDITIONS
<Name>σ32 43°C rep1</Name> PGCGROWTHCONDITIONS
<Name>σ32 43°C rep2</Name> PGCGROWTHCONDITIONS
<Name>σ32 43°C short RNase</Name> PGCGROWTHCONDITIONS
<Name>σ32 ChIP DNA, control</Name> PGCGROWTHCONDITIONS
<Name>σ32 ChIP DNA, heat</Name> PGCGROWTHCONDITIONS
<Orgn>Escherichia coli K-12</Orgn> PGCGROWTHCONDITIONS
<Orgn>Escherichia coli</Orgn> PGCGROWTHCONDITIONS
<Orgn>Escherichia coli</Orgn> str. <Strain>K-12</Strain> substr. <Substrain>MG1655star</Substrain> PGCGROWTHCONDITIONS
<Orgn>Escherichia coli</Orgn> str. <Strain>K-12</Strain> substr. <Substrain>MG1655</Substrain> PGCGROWTHCONDITIONS
<Orgn>Escherichia coli str. K-12 substr. MG1655</Orgn> PGCGROWTHCONDITIONS
<Orgn>Escherichia coli str. K-12 substr. MG1655star</Orgn> PGCGROWTHCONDITIONS
Resulting reads were aligned to the published E. coli K-12 MG1655 genome (<Gversion>U00096.2</Gversion>) using the software package SOAP (Li et al, 2009), allowing no more than two mismatches (Supplemental File). Reads aligning to repeated elements in the genome (e.g. rRNA) were removed from analysis. For reads that had no mapping locations for the first 36 bp, the 3-30 bp subsequences were used in the subsequent mapping to the reference genome. Reads that had unique mapping locations and did not match annotated rRNA genes were used for further analysis. For each gene, the tag density was estimated as the number of aligned sequencing tags divided by gene size in kb. Per-gene tag density was normalized using quantile normalization (Supplemental Files). The tag density data were analyzed for statistically significant differential expression using BaySeq (Hardcastle &amp; Kelly, 2010) with a FDR of 0.01, and genes were organized into operons using data from EcoCyc (Keseler et al, 2011). PGCGROWTHCONDITIONS
Sequenced reads were mapped onto <Gversion>NC_000913</Gversion> reference genome sequence using bowtie v1.0.0 with parameters -X 1000 -n 2 -3 3 -S PGCGROWTHCONDITIONS
Sodium phosphate (1/100 vol. of 1M, pH 7.6; 10 mM final) was added to the <Phase>mid-log</Phase> cultures followed by formaldehyde to 1% final and anaerobic sparging was continued for 10 min. Cold 2.5 M glycine was added to 100mM and the mixture was incubated at 4 °C with anaerobic sparging for 30 minutes to stop the crosslinking. Cells were spun at 3500 x g, and washed repeatedly with phosphate buffered saline before being frozen at -80 °C. Cell pellets (from initial 250 mL of culture) were thawed and resuspended in 250 μL of IP buffer (100 mM Tris pH 8, 300 mM NaCl, 1% TritonX-100) and sonicated using a microtip sonicator set at 10% output for 20 second intervals with periods of cooling in between. Cells were then treated for one hour at 4 °C with RNase A (2 ng/ml), micrococcal nuclease (50 units), 20 μM CaCl2,1.2 mM KCl, 0.3 mM NaCl, 6 mM sucrose, and 10 μM DTT. EDTA was added to 10 mM to stop the micrococcal nuclease and the samples were spun down to remove cell debris. The lysate was then precleared through incubation with a 50/50 slurry of sepharose protein A beads in IP buffer for 2-3 hours at 4 °C. The beads were removed by centrifugation and antibody was added to the pre-cleared lysate for an overnight incubation. The next day, 30 μl of a 50/50 slurry of sepharose protein A beads in IP buffer was added to the lysate to capture antibody-protein-DNA complex for one hour at 4 °C. Beads were then washed once with 1 ml of LiCl wash buffer (100 mM Tris pH 8, 250 mM LiCl, 2% TritonX-100), twice with 600 mM NaCl wash buffer (100 mM Tris pH 8, 600 mM NaCl, 2% TritonX-100), twice with 300 mM NaCl wash buffer (100 mM Tris pH 8, 300 mM NaCl, 2% TritonX-100), and twice with TE. Elution buffer (50 mM Tris pH 8, 10 mM EDTA, 1% SDS) was added after the final wash step, and beads were incubated at 65 °C for 30 minutes to remove the crosslinked protein-DNA complexes from the beads. After centrifugation to remove the beads, the samples were incubated overnight at 65 °C to reverse the protein-DNA formaldehyde crosslinks. DNA was purified using Qiagen’s PCR Purification kit and eluted to a final volume of 50 μl with EB. PGCGROWTHCONDITIONS
strain: <Gtype>∆hns/∆stpA</Gtype> PGCGROWTHCONDITIONS
strain: <Gtype>PK4854</Gtype> PGCGROWTHCONDITIONS
strain: <Gtype>PK8263</Gtype> PGCGROWTHCONDITIONS
strain: MG1655 K-12 <Gtype>WT</Gtype> PGCGROWTHCONDITIONS
strain: <Orgn>K-12 MG1655</Orgn> PGCGROWTHCONDITIONS
strain: <Orgn>MG1655</Orgn> PGCGROWTHCONDITIONS
strain: <Strain>K-12</Strain> PGCGROWTHCONDITIONS
<Substrain>MG1655</Substrain> <Gtype>PhtpG::lacZ delta lacX74/pTG2 (vector carrying inducible Ptrc::rpoH)</Gtype> PGCGROWTHCONDITIONS
<Substrain>MG1655</Substrain> <Gtype>PhtpG::lacZ delta lacX74/ptrc99A (control vector)</Gtype> PGCGROWTHCONDITIONS
<Supp>acetate</Supp> PGCGROWTHCONDITIONS
<Supp>Sodium phosphate (1/100 vol. of 1M, pH 7.6; 10 mM final)</Supp> was added to the <Phase>mid-log</Phase> cultures followed by formaldehyde to 1% final, and aerobic or anaerobic sparging was continued for 10 min. Cold 2.5 M glycine was added to 100mM and the mixture was incubated at 4 °C with aerobic or anaerobic sparging for 30 minutes to stop the crosslinking. Cells were spun at 3500 x g, and washed repeatedly with phosphate buffered saline before being frozen at -80 °C. PGCGROWTHCONDITIONS
<Technique>ChIP-Seq</Technique> PGCGROWTHCONDITIONS
<Technique>RNA-Seq</Technique> PGCGROWTHCONDITIONS
The cultured cells were inoculated with 1:100 dilution into 50 mL of the fresh M9 medium containing 2 g/L glucose in either the presence or <Supp>absence of 1 g/L arginine</Supp> and continued to culture at 37°C until reaching an appropriate cell density (OD600 ≈ 0.5). PGCGROWTHCONDITIONS
The cultured cells were inoculated with 1:100 dilution into 50 mL of the fresh <Med>M9 medium</Med> containing <Supp>2 g/L glucose</Supp> in either the <Supp>presence or absence of 1 g/L arginine</Supp> and continued to culture at <Temp>37°C</Temp> until reaching an appropriate cell density (<OD>OD600 ≈ 0.5</OD>). PGCGROWTHCONDITIONS
To harvest total RNA samples, overnight cultures of <Gtype>wild type</Gtype> MG1655 grown in LB at 37˚C were diluted back 1:500 in either fresh LB or M63 minimal glucose medium and allowed to grow until the cultures reached an OD600 of ~ 0.4 and 2.0 for cultures grown in LB and an OD600 of ~0.4 for cultures grown in M63. For samples grown to OD600 of ~0.4 a total volume of 25 ml of cells were harvested and combined with 5 ml of stop solution (95% Ethanol, 5% acid phenol). For samples grown to <OD>OD600 of 2.0</OD> a total volume of 5 ml of cells were harvested and combined with 1 ml of stop solution. PGCGROWTHCONDITIONS
To harvest total RNA samples, overnight cultures of <Gtype>wild type</Gtype> MG1655 grown in LB at 37˚C were diluted back 1:500 in either fresh LB or M63 minimal glucose medium and allowed to grow until the cultures reached an OD600 of ~ 0.4 and 2.0 for cultures grown in LB and an OD600 of ~0.4 for cultures grown in M63. For samples grown to <OD>OD600 of ~0.4</OD> a total volume of 25 ml of cells were harvested and combined with 5 ml of stop solution (95% Ethanol, 5% acid phenol). For samples grown to OD600 of 2.0 a total volume of 5 ml of cells were harvested and combined with 1 ml of stop solution. PGCGROWTHCONDITIONS
To harvest total RNA samples, overnight cultures of <Gtype>wild type</Gtype> MG1655 grown in LB at 37˚C were diluted back 1:500 in either fresh LB or <Med>M63 minimal glucose</Med> medium and allowed to grow until the cultures reached an OD600 of ~ 0.4 and 2.0 for cultures grown in LB and an <OD>OD600 of ~0.4</OD> for cultures grown in M63. For samples grown to OD600 of ~0.4 a total volume of 25 ml of cells were harvested and combined with 5 ml of stop solution (95% Ethanol, 5% acid phenol). For samples grown to OD600 of 2.0 a total volume of 5 ml of cells were harvested and combined with 1 ml of stop solution. PGCGROWTHCONDITIONS
treated with: <Supp>250 uM of paraquat</Supp> at <Phase>mid-log pahse</Phase> for <Supp>20 min</Supp> PGCGROWTHCONDITIONS
treated with: <Supp>250 uM of paraquat</Supp> at <Phase>mid-log phase</Phase> for <Supp>20 min</Supp> PGCGROWTHCONDITIONS
treatment: <Med>glucose (2 g/L) minimal M9 medium</Med> supplemented without <Supp>10 mM leucine</Supp>. PGCGROWTHCONDITIONS
treatment: <Med>glucose (2 g/L) minimal M9 medium</Med> supplemented without <Supp>20 mg/L tryptophan</Supp>. PGCGROWTHCONDITIONS
treatment: <Med>glucose (2 g/L) minimal M9 medium</Med> supplemented with <Supp>10 mM leucine</Supp>. PGCGROWTHCONDITIONS
treatment: <Med>glucose (2 g/L) minimal M9 medium</Med> supplemented with <Supp>20 mg/L tryptophan</Supp>. PGCGROWTHCONDITIONS
treatment: <Med>glucose (2 g/L) minimal W2 medium</Med> supplemented with <Supp>1g/L arginine</Supp>. PGCGROWTHCONDITIONS
treatment: <Med>glucose (2 g/L) minimal W2 medium</Med> supplemented with <Supp>2g/L glutamine</Supp>. PGCGROWTHCONDITIONS
......@@ -863,15 +863,131 @@
100 At at IN _ _ _
101 <OD> <od> NN _ _ _
102 OD450 od450 NN _ _ _
103 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
104 A a NN _ _ _
105 total total NN _ _ _
106 of of IN _ _ _
107 six six CD _ _ _
108 samples sample NNS _ _ _
109 were be VBD _ _ _
110 analyzed analyze VBN _ _ _
111 . . . _ _ _
103 = = JJ _ _ _
104 0.3 0.3 CD _ _ _
105 </OD> </od> NN _ _ _
106 , , , _ _ _
107 cultures culture NNS _ _ _
108 induced induce VBN _ _ _
109 with with IN _ _ _
110 <Supp> <supp> NN _ _ _
111 1 1 CD _ _ _
112 mM mm NN _ _ _
113 IPTG iptg NN _ _ _
114 </Supp> </supp> NN _ _ _
115 . . . _ _ _
1 Cells cell NNS _ _ _
2 harvested harvest VBD _ _ _
3 0 0 CD _ _ _
4 min min NN _ _ _
5 after after IN _ _ _
6 induction induction NN _ _ _
7 PGCGROWTHCONDITIONS pgcgrowthcondition NNS _ _ _
8 At at IN _ _ _
9 <OD> <od> NN _ _ _
10 OD450 od450 NN _ _ _
11 = = JJ _ _ _
12 0.3 0.3 CD _ _ _
13 </OD> </od> NN _ _ _
14 , , , _ _ _
15 cultures culture NNS _ _ _
16 induced induce VBN _ _ _
17 with with IN _ _ _
18 <Supp> <supp> NN _ _ _
19 1 1 CD _ _ _
20 mM mm NN _ _ _
21 IPTG iptg NN _ _ _
22 </Supp> </supp> NN _ _ _
23 . . . _ _ _
1 Cells cell NNS _ _ _
2 harvested harvest VBD _ _ _
3 10 10 CD _ _ _
4 min min NN _ _ _
5 after after IN _ _ _
6 induction induction NN _ _ _
7 PGCGROWTHCONDITIONS pgcgrowthcondition NNS _ _ _
8 At at IN _ _ _
9 <OD> <od> NN _ _ _
10 OD450 od450 NN _ _ _
11 = = JJ _ _ _
12 0.3 0.3 CD _ _ _
13 </OD> </od> NN _ _ _
14 , , , _ _ _
15 cultures culture NNS _ _ _
16 induced induce VBN _ _ _
17 with with IN _ _ _
18 <Supp> <supp> NN _ _ _
19 1 1 CD _ _ _
20 mM mm NN _ _ _
21 IPTG iptg NN _ _ _
22 </Supp> </supp> NN _ _ _
23 . . . _ _ _
1 Cells cell NNS _ _ _
2 harvested harvest VBN _ _ _
3 20 20 CD _ _ _
4 min min NN _ _ _
5 after after IN _ _ _
6 induction induction NN _ _ _
7 PGCGROWTHCONDITIONS pgcgrowthcondition NNS _ _ _
8 At at IN _ _ _
9 <OD> <od> NN _ _ _
10 OD450 od450 NN _ _ _
11 = = JJ _ _ _
12 0.3 0.3 CD _ _ _
13 </OD> </od> NN _ _ _
14 , , , _ _ _
15 cultures culture NNS _ _ _
16 induced induce VBN _ _ _
17 with with IN _ _ _
18 <Supp> <supp> NN _ _ _
19 1 1 CD _ _ _
20 mM mm NN _ _ _
21 IPTG iptg NN _ _ _
22 </Supp> </supp> NN _ _ _
23 . . . _ _ _
1 Cells cell NNS _ _ _
2 harvested harvest VBN _ _ _
3 2.5 2.5 CD _ _ _
4 min min NN _ _ _
5 after after IN _ _ _
6 induction induction NN _ _ _
7 PGCGROWTHCONDITIONS pgcgrowthcondition NNS _ _ _
8 At at IN _ _ _
9 <OD> <od> NN _ _ _
10 OD450 od450 NN _ _ _
11 = = JJ _ _ _
12 0.3 0.3 CD _ _ _
13 </OD> </od> NN _ _ _
14 , , , _ _ _
15 cultures culture NNS _ _ _
16 induced induce VBN _ _ _
17 with with IN _ _ _
18 <Supp> <supp> NN _ _ _
19 1 1 CD _ _ _
20 mM mm NN _ _ _
21 IPTG iptg NN _ _ _
22 </Supp> </supp> NN _ _ _
23 . . . _ _ _
1 Cells cell NNS _ _ _
2 harvested harvest VBN _ _ _
3 5 5 CD _ _ _
4 min min NN _ _ _
5 after after IN _ _ _
6 induction induction NN _ _ _
7 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
8 A a NN _ _ _
9 total total NN _ _ _
10 of of IN _ _ _
11 six six CD _ _ _
12 samples sample NNS _ _ _
13 were be VBD _ _ _
14 analyzed analyze VBN _ _ _
15 . . . _ _ _
1 oxyR-8myc oxyr-8myc NN _ _ _
2 , , , _ _ _
......@@ -3594,67 +3710,142 @@
23 -LRB- -lrb- -LRB- _ _ _
24 <OD> <od> NN _ _ _
25 OD600 od600 NN _ _ _
26 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
27 E. e. FW _ _ _
28 coli coli FW _ _ _
29 K-12 k-12 NN _ _ _
30 MG1655 mg1655 NN _ _ _
31 WT wt NN _ _ _
32 , , , _ _ _
33 gadE gade NN _ _ _
34 , , , _ _ _
35 gadW gadw NN _ _ _
36 and and CC _ _ _
37 gadX gadx NN _ _ _
38 mutant mutant JJ _ _ _
39 cells cell NNS _ _ _
40 were be VBD _ _ _
41 grown grow VBN _ _ _
42 to to TO _ _ _
43 mid-log mid-log JJ _ _ _
44 phase phase NN _ _ _
45 -LRB- -lrb- -LRB- _ _ _
46 OD600 od600 NN _ _ _
47 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
48 E. e. FW _ _ _
49 coli coli FW _ _ _
50 K-12 k-12 NN _ _ _
51 MG1655 mg1655 NN _ _ _
52 WT wt NN _ _ _
53 , , , _ _ _
54 ΔoxyR δoxyr NN _ _ _
55 , , , _ _ _
56 ΔsoxR δsoxr NN _ _ _
57 , , , _ _ _
58 and and CC _ _ _
59 ΔsoxS δsoxs NN _ _ _
60 were be VBD _ _ _
61 grown grow VBN _ _ _
62 to to TO _ _ _
63 mid-log mid-log JJ _ _ _
64 phase phase NN _ _ _
65 <Air> <air> NN _ _ _
66 aerobically aerobically RB _ _ _
67 </Air> </air> NN _ _ _
68 at at IN _ _ _
69 <Temp> <temp> NN _ _ _
70 37 37 CD _ _ _
71 °C °c NN _ _ _
72 </Temp> </temp> NN _ _ _
73 in in IN _ _ _
74 <Med> <med> NN _ _ _
75 M9 m9 NN _ _ _
76 minimal minimal JJ _ _ _
77 media media NNS _ _ _
78 </Med> </med> NN _ _ _
79 supplemented supplement VBN _ _ _
80 with with IN _ _ _
81 <Supp> <supp> NN _ _ _
82 0.2 0.2 CD _ _ _
83 % % NN _ _ _
84 glucose glucose NN _ _ _
85 </Supp> </supp> NN _ _ _
86 . . . _ _ _
26 = = JJ _ _ _
27 0.3 0.3 CD _ _ _
28 </OD> </od> NN _ _ _
29 -RRB- -rrb- -RRB- _ _ _
30 <Air> <air> NN _ _ _
31 aerobically aerobically RB _ _ _
32 </Air> </air> NN _ _ _
33 -LRB- -lrb- -LRB- _ _ _
34 <Agit> <agit> NN _ _ _
35 250 250 CD _ _ _
36 rpm rpm NN _ _ _
37 </Agit> </agit> NN _ _ _
38 -RRB- -rrb- -RRB- _ _ _
39 at at IN _ _ _
40 <Temp> <temp> NN _ _ _
41 37 37 CD _ _ _
42 °C °c NN _ _ _
43 </Temp> </temp> NN _ _ _
44 in in IN _ _ _
45 <Med> <med> NN _ _ _
46 M9 m9 NN _ _ _
47 minimal minimal JJ _ _ _
48 media media NNS _ _ _
49 </Med> </med> NN _ _ _
50 supplemented supplement VBN _ _ _
51 with with IN _ _ _
52 <Supp> <supp> NN _ _ _
53 0.2 0.2 CD _ _ _
54 % % NN _ _ _
55 glucose glucose NN _ _ _
56 </Supp> </supp> NN _ _ _
57 at at IN _ _ _
58 <pH> <pH> NNP _ _ _
59 pH ph NN _ _ _
60 5.5 5.5 CD _ _ _
61 </pH> </ph> NN _ _ _
62 . . . _ _ _
1 PGCGROWTHCONDITIONS PGCGROWTHCONDITIONS NNP _ _ _
2 E. E. NNP _ _ _
3 coli coli NN _ _ _
4 K-12 k-12 NN _ _ _
5 MG1655 mg1655 NN _ _ _
6 WT wt NN _ _ _
7 , , , _ _ _
8 gadE gade NN _ _ _
9 , , , _ _ _
10 gadW gadw NN _ _ _
11 and and CC _ _ _
12 gadX gadx NN _ _ _
13 mutant mutant JJ _ _ _
14 cells cell NNS _ _ _
15 were be VBD _ _ _
16 grown grow VBN _ _ _
17 to to TO _ _ _
18 mid-log mid-log JJ _ _ _
19 phase phase NN _ _ _
20 -LRB- -lrb- -LRB- _ _ _
21 OD600 od600 NN _ _ _
22 = = JJ _ _ _
23 0.3 0.3 CD _ _ _
24 -RRB- -rrb- -RRB- _ _ _
25 <Air> <air> NN _ _ _
26 aerobically aerobically RB _ _ _
27 </Air> </air> NN _ _ _
28 -LRB- -lrb- -LRB- _ _ _
29 <Agit> <agit> NN _ _ _
30 250 250 CD _ _ _
31 rpm rpm NN _ _ _
32 </Agit> </agit> NN _ _ _
33 -RRB- -rrb- -RRB- _ _ _
34 at at IN _ _ _
35 <Temp> <temp> NN _ _ _
36 37 37 CD _ _ _
37 °C °c NN _ _ _
38 </Temp> </temp> NN _ _ _
39 in in IN _ _ _
40 <Med> <med> NN _ _ _
41 M9 m9 NN _ _ _
42 minimal minimal JJ _ _ _
43 media media NNS _ _ _
44 </Med> </med> NN _ _ _
45 supplemented supplement VBN _ _ _
46 with with IN _ _ _
47 <Supp> <supp> NN _ _ _
48 0.2 0.2 CD _ _ _
49 % % NN _ _ _
50 glucose glucose NN _ _ _
51 </Supp> </supp> NN _ _ _
52 at at IN _ _ _
53 <pH> <pH> NNP _ _ _
54 pH ph NN _ _ _
55 5.5 5.5 CD _ _ _
56 </pH> </ph> NN _ _ _
57 . . . _ _ _
1 PGCGROWTHCONDITIONS PGCGROWTHCONDITIONS NNP _ _ _
2 E. E. NNP _ _ _
3 coli coli NN _ _ _
4 K-12 k-12 NN _ _ _
5 MG1655 mg1655 NN _ _ _
6 WT wt NN _ _ _
7 , , , _ _ _
8 ΔoxyR δoxyr NN _ _ _
9 , , , _ _ _
10 ΔsoxR δsoxr NN _ _ _
11 , , , _ _ _
12 and and CC _ _ _
13 ΔsoxS δsoxs NN _ _ _
14 were be VBD _ _ _
15 grown grow VBN _ _ _
16 to to TO _ _ _
17 mid-log mid-log JJ _ _ _
18 phase phase NN _ _ _
19 <Air> <air> NN _ _ _
20 aerobically aerobically RB _ _ _
21 </Air> </air> NN _ _ _
22 at at IN _ _ _
23 <Temp> <temp> NN _ _ _
24 37 37 CD _ _ _
25 °C °c NN _ _ _
26 </Temp> </temp> NN _ _ _
27 in in IN _ _ _
28 <Med> <med> NN _ _ _
29 M9 m9 NN _ _ _
30 minimal minimal JJ _ _ _
31 media media NNS _ _ _
32 </Med> </med> NN _ _ _
33 supplemented supplement VBN _ _ _
34 with with IN _ _ _
35 <Supp> <supp> NN _ _ _
36 0.2 0.2 CD _ _ _
37 % % NN _ _ _
38 glucose glucose NN _ _ _
39 </Supp> </supp> NN _ _ _
40 . . . _ _ _
1 Then then RB _ _ _
2 cells cell NNS _ _ _
......@@ -4688,1189 +4879,1193 @@
706 -LRB- -lrb- -LRB- _ _ _
707 <OD> <od> NN _ _ _
708 OD600 od600 NN _ _ _
709 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
710 growth growth NN _ _ _
711 phase phase NN _ _ _
712 : : : _ _ _
713 <Phase> <phase> NN _ _ _
714 stationary stationary JJ _ _ _
715 </Phase> </phase> NN _ _ _
716 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
717 <Gtype> <gtype> NN _ _ _
718 ∆ ∆ CD _ _ _
719 fnr fnr NN _ _ _
720 </Gtype> </gtype> NN _ _ _
721 - - : _ _ _
722 <Air> <air> NN _ _ _
723 Anaeroibc anaeroibc NN _ _ _
724 </Air> </air> NN _ _ _
725 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
726 <Gtype> <gtype> NN _ _ _
727 ∆ ∆ CD _ _ _
728 fnr fnr NN _ _ _
729 </Gtype> </gtype> NN _ _ _
730 ChIP chip NN _ _ _
731 DNA dna NN _ _ _
732 from from IN _ _ _
733 <Gtype> <gtype> NN _ _ _
734 PK4854 pk4854 NN _ _ _
735 </Gtype> </gtype> NN _ _ _
736 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
709 = = JJ _ _ _
710 0.3 0.3 CD _ _ _
711 </OD> </od> NN _ _ _
712 -RRB- -rrb- -RRB- _ _ _
713 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
714 growth growth NN _ _ _
715 phase phase NN _ _ _
716 : : : _ _ _
717 <Phase> <phase> NN _ _ _
718 stationary stationary JJ _ _ _
719 </Phase> </phase> NN _ _ _
720 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
721 <Gtype> <gtype> NN _ _ _
722 ∆ ∆ CD _ _ _
723 fnr fnr NN _ _ _
724 </Gtype> </gtype> NN _ _ _
725 - - : _ _ _
726 <Air> <air> NN _ _ _
727 Anaeroibc anaeroibc NN _ _ _
728 </Air> </air> NN _ _ _
729 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
730 <Gtype> <gtype> NN _ _ _
731 ∆ ∆ CD _ _ _
732 fnr fnr NN _ _ _
733 </Gtype> </gtype> NN _ _ _
734 ChIP chip NN _ _ _
735 DNA dna NN _ _ _
736 from from IN _ _ _
737 <Gtype> <gtype> NN _ _ _
738 ∆ ∆ CD _ _ _
739 fur fur NN _ _ _
740 </Gtype> </gtype> NN _ _ _
741 <Air> <air> NN _ _ _
742 Aerobic aerobic JJ _ _ _
743 </Air> </air> NN _ _ _
744 A a DT _ _ _
745 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
746 <Gtype> <gtype> NN _ _ _
747 ∆ ∆ CD _ _ _
748 fur fur NN _ _ _
749 </Gtype> </gtype> NN _ _ _
750 <Air> <air> NN _ _ _
751 Aerobic aerobic JJ _ _ _
752 </Air> </air> NN _ _ _
753 B b NN _ _ _
754 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
755 <Gtype> <gtype> NN _ _ _
756 ∆ ∆ CD _ _ _
757 fur fur NN _ _ _
758 </Gtype> </gtype> NN _ _ _
759 <Air> <air> NN _ _ _
760 Anaerobic anaerobic JJ _ _ _
761 </Air> </air> NN _ _ _
762 A a DT _ _ _
763 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
764 <Gtype> <gtype> NN _ _ _
765 ∆ ∆ CD _ _ _
766 fur fur NN _ _ _
767 </Gtype> </gtype> NN _ _ _
768 <Air> <air> NN _ _ _
769 Anaerobic anaerobic JJ _ _ _
770 </Air> </air> NN _ _ _
771 B b NN _ _ _
772 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
773 <Gtype> <gtype> NN _ _ _
774 ∆ ∆ CD _ _ _
775 fur fur NN _ _ _
776 </Gtype> </gtype> NN _ _ _
777 <Air> <air> NN _ _ _
778 Anaerobic anaerobic JJ _ _ _
779 </Air> </air> NN _ _ _
780 -LSB- -lsb- -LRB- _ _ _
781 IP IP NNP _ _ _
782 vs vs CC _ _ _
783 nput nput NN _ _ _
784 -RSB- -rsb- -RRB- _ _ _
785 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
786 <Gtype> <gtype> NN _ _ _
787 ∆ ∆ CD _ _ _
788 fur fur NN _ _ _
789 ∆ ∆ CD _ _ _
790 ryhB ryhb NN _ _ _
791 </Gtype> </gtype> NN _ _ _
792 <Air> <air> NN _ _ _
793 Aerobic aerobic JJ _ _ _
794 </Air> </air> NN _ _ _
795 A a DT _ _ _
796 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
797 <Gtype> <gtype> NN _ _ _
798 ∆ ∆ CD _ _ _
799 fur fur NN _ _ _
800 ∆ ∆ CD _ _ _
801 ryhB ryhb NN _ _ _
802 </Gtype> </gtype> NN _ _ _
803 <Air> <air> NN _ _ _
804 Aerobic aerobic JJ _ _ _
805 </Air> </air> NN _ _ _
806 B b NN _ _ _
807 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
808 <Gtype> <gtype> NN _ _ _
809 ∆ ∆ CD _ _ _
810 fur fur NN _ _ _
811 ∆ ∆ CD _ _ _
812 ryhB ryhb NN _ _ _
813 </Gtype> </gtype> NN _ _ _
814 <Air> <air> NN _ _ _
815 Anaerobic anaerobic JJ _ _ _
816 </Air> </air> NN _ _ _
817 A a DT _ _ _
818 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
819 <Gtype> <gtype> NN _ _ _
820 ∆ ∆ CD _ _ _
821 fur fur NN _ _ _
822 ∆ ∆ CD _ _ _
823 ryhB ryhb NN _ _ _
824 </Gtype> </gtype> NN _ _ _
825 <Air> <air> NN _ _ _
826 Anaerobic anaerobic JJ _ _ _
827 </Air> </air> NN _ _ _
828 B b NN _ _ _
829 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
830 <Gtype> <gtype> NN _ _ _
831 NsrR nsrr NN _ _ _
832 _ _ CD _ _ _
833 Flagtag flagtag NN _ _ _
834 </Gtype> </gtype> NN _ _ _
835 _ _ CD _ _ _
836 rep1 rep1 NN _ _ _
837 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
838 <Gtype> <gtype> NN _ _ _
839 NsrR nsrr NN _ _ _
840 _ _ CD _ _ _
841 Flagtag flagtag NN _ _ _
842 </Gtype> </gtype> NN _ _ _
843 _ _ CD _ _ _
844 rep2 rep2 NN _ _ _
845 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
846 <Gtype> <gtype> NN _ _ _
847 NsrR nsrr NN _ _ _
848 _ _ CD _ _ _
849 Flagtag flagtag NN _ _ _
850 </Gtype> </gtype> NN _ _ _
851 _ _ CD _ _ _
852 rep3 rep3 NN _ _ _
853 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
854 <Gtype> <gtype> NN _ _ _
855 Ptac ptac NN _ _ _
856 : : : _ _ _
857 : : : _ _ _
858 fnr fnr NN _ _ _
859 </Gtype> </gtype> NN _ _ _
860 - - : _ _ _
861 A a NN _ _ _
862 - - : _ _ _
863 <Supp> <supp> NN _ _ _
864 16 16 CD _ _ _
865 µM µm NN _ _ _
866 IPTG iptg NN _ _ _
867 </Supp> </supp> NN _ _ _
868 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
869 <Gtype> <gtype> NN _ _ _
870 Ptac ptac NN _ _ _
871 : : : _ _ _
872 : : : _ _ _
873 fnr fnr NN _ _ _
874 </Gtype> </gtype> NN _ _ _
875 - - : _ _ _
876 A a NN _ _ _
877 - - : _ _ _
878 <Supp> <supp> NN _ _ _
879 4 4 CD _ _ _
880 µM µm NN _ _ _
881 IPTG iptg NN _ _ _
882 </Supp> </supp> NN _ _ _
883 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
884 <Gtype> <gtype> NN _ _ _
885 Ptac ptac NN _ _ _
886 : : : _ _ _
887 : : : _ _ _
888 fnr fnr NN _ _ _
889 </Gtype> </gtype> NN _ _ _
890 - - : _ _ _
891 A a NN _ _ _
892 - - : _ _ _
893 <Supp> <supp> NN _ _ _
894 8 8 CD _ _ _
895 µM µm NN _ _ _
896 IPTG iptg NN _ _ _
897 </Supp> </supp> NN _ _ _
898 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
899 <Gtype> <gtype> NN _ _ _
900 Ptac ptac NN _ _ _
901 : : : _ _ _
902 : : : _ _ _
903 fnr fnr NN _ _ _
904 </Gtype> </gtype> NN _ _ _
905 - - : _ _ _
906 B b NN _ _ _
907 - - : _ _ _
908 <Supp> <supp> NN _ _ _
909 16 16 CD _ _ _
910 µM µm NN _ _ _
911 IPTG iptg NN _ _ _
912 </Supp> </supp> NN _ _ _
913 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
914 <Gtype> <gtype> NN _ _ _
915 Ptac ptac NN _ _ _
916 : : : _ _ _
917 : : : _ _ _
918 fnr fnr NN _ _ _
919 </Gtype> </gtype> NN _ _ _
920 - - : _ _ _
921 B b NN _ _ _
922 - - : _ _ _
923 <Supp> <supp> NN _ _ _
924 4 4 CD _ _ _
925 µM µm NN _ _ _
926 IPTG iptg NN _ _ _
927 </Supp> </supp> NN _ _ _
928 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
929 <Gtype> <gtype> NN _ _ _
930 Ptac ptac NN _ _ _
931 : : : _ _ _
932 : : : _ _ _
933 fnr fnr NN _ _ _
934 </Gtype> </gtype> NN _ _ _
935 - - : _ _ _
936 B b NN _ _ _
937 - - : _ _ _
938 <Supp> <supp> NN _ _ _
939 8 8 CD _ _ _
940 µM µm NN _ _ _
941 IPTG iptg NN _ _ _
942 </Supp> </supp> NN _ _ _
943 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
944 <Gtype> <gtype> NN _ _ _
945 Ptac ptac NN _ _ _
946 : : : _ _ _
947 : : : _ _ _
948 fnr fnr NN _ _ _
949 </Gtype> </gtype> NN _ _ _
950 - - : _ _ _
951 C c NN _ _ _
952 - - : _ _ _
953 <Supp> <supp> NN _ _ _
954 16 16 CD _ _ _
955 µM µm NN _ _ _
956 IPTG iptg NN _ _ _
957 </Supp> </supp> NN _ _ _
958 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
959 <Gtype> <gtype> NN _ _ _
960 ∆ ∆ CD _ _ _
961 ryhB ryhb NN _ _ _
962 </Gtype> </gtype> NN _ _ _
963 <Air> <air> NN _ _ _
964 Aerobic aerobic JJ _ _ _
965 </Air> </air> NN _ _ _
966 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
967 <Gtype> <gtype> NN _ _ _
968 ∆ ∆ CD _ _ _
969 ryhB ryhb NN _ _ _
970 </Gtype> </gtype> NN _ _ _
971 <Air> <air> NN _ _ _
972 Anaerobic anaerobic JJ _ _ _
973 </Air> </air> NN _ _ _
974 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
975 <Gtype> <gtype> NN _ _ _
976 Wild-type wild-type JJ _ _ _
977 </Gtype> </gtype> NN _ _ _
978 <Air> <air> NN _ _ _
979 Aerobic aerobic JJ _ _ _
980 </Air> </air> NN _ _ _
981 A a DT _ _ _
982 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
983 <Gtype> <gtype> NN _ _ _
984 Wild-type wild-type JJ _ _ _
985 </Gtype> </gtype> NN _ _ _
986 <Air> <air> NN _ _ _
987 Aerobic aerobic JJ _ _ _
988 </Air> </air> NN _ _ _
989 B b NN _ _ _
990 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
991 <Gtype> <gtype> NN _ _ _
992 Wild-type wild-type JJ _ _ _
993 </Gtype> </gtype> NN _ _ _
994 <Air> <air> NN _ _ _
995 Anaerobic anaerobic JJ _ _ _
996 </Air> </air> NN _ _ _
997 A a DT _ _ _
998 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
999 <Gtype> <gtype> NN _ _ _
1000 Wild-type wild-type JJ _ _ _
1001 </Gtype> </gtype> NN _ _ _
1002 <Air> <air> NN _ _ _
1003 Anaerobic anaerobic JJ _ _ _
1004 </Air> </air> NN _ _ _
1005 B b NN _ _ _
1006 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1007 <Gtype> <gtype> NN _ _ _
1008 Wild Wild NNP _ _ _
1009 type type NN _ _ _
1010 </Gtype> </gtype> NN _ _ _
1011 control control NN _ _ _
1012 -LRB- -lrb- -LRB- _ _ _
1013 0 0 CD _ _ _
1014 min min NN _ _ _
1015 -RRB- -rrb- -RRB- _ _ _
1016 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1017 <Gtype> <gtype> NN _ _ _
1018 Wild Wild NNP _ _ _
1019 type type NN _ _ _
1020 </Gtype> </gtype> NN _ _ _
1021 control control NN _ _ _
1022 -LRB- -lrb- -LRB- _ _ _
1023 10 10 CD _ _ _
1024 min min NN _ _ _
1025 -RRB- -rrb- -RRB- _ _ _
1026 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1027 <Gtype> <gtype> NN _ _ _
1028 Wild Wild NNP _ _ _
1029 type type NN _ _ _
1030 </Gtype> </gtype> NN _ _ _
1031 control control NN _ _ _
1032 -LRB- -lrb- -LRB- _ _ _
1033 20 20 CD _ _ _
1034 min min NN _ _ _
1035 -RRB- -rrb- -RRB- _ _ _
1036 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1037 <Gtype> <gtype> NN _ _ _
1038 Wild Wild NNP _ _ _
1039 type type NN _ _ _
1040 </Gtype> </gtype> NN _ _ _
1041 control control NN _ _ _
1042 -LRB- -lrb- -LRB- _ _ _
1043 2.5 2.5 CD _ _ _
1044 min min NN _ _ _
1045 -RRB- -rrb- -RRB- _ _ _
1046 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1047 <Gtype> <gtype> NN _ _ _
1048 Wild Wild NNP _ _ _
1049 type type NN _ _ _
1050 </Gtype> </gtype> NN _ _ _
1051 control control NN _ _ _
1052 -LRB- -lrb- -LRB- _ _ _
1053 5 5 CD _ _ _
1054 min min NN _ _ _
1055 -RRB- -rrb- -RRB- _ _ _
1056 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1057 <Gtype> <gtype> NN _ _ _
1058 WT wt JJ _ _ _
1059 </Gtype> </gtype> NN _ _ _
1060 <pH> <ph> NN _ _ _
1061 pH5 ph5 NN _ _ _
1062 .5 .5 CD _ _ _
1063 </pH> </ph> NN _ _ _
1064 1 1 CD _ _ _
1065 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1066 <Gtype> <gtype> NN _ _ _
1067 WT wt JJ _ _ _
1068 </Gtype> </gtype> NN _ _ _
1069 <pH> <ph> NN _ _ _
1070 pH5 ph5 NN _ _ _
1071 .5 .5 CD _ _ _
1072 </pH> </ph> NN _ _ _
1073 2 2 CD _ _ _
1074 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1075 <Gtype> <gtype> NN _ _ _
1076 WT wt JJ _ _ _
1077 </Gtype> </gtype> NN _ _ _
1078 <Supp> <supp> NN _ _ _
1079 acetate acetate NN _ _ _
1080 </Supp> </supp> NN _ _ _
1081 1 1 CD _ _ _
1082 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1083 <Gtype> <gtype> NN _ _ _
1084 WT wt JJ _ _ _
1085 </Gtype> </gtype> NN _ _ _
1086 <Supp> <supp> NN _ _ _
1087 acetate acetate NN _ _ _
1088 </Supp> </supp> NN _ _ _
1089 2 2 CD _ _ _
1090 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1091 <Gtype> <gtype> NN _ _ _
1092 WT wt JJ _ _ _
1093 </Gtype> </gtype> NN _ _ _
1094 <Supp> <supp> NN _ _ _
1095 fructose fructose NN _ _ _
1096 </Supp> </supp> NN _ _ _
1097 1 1 CD _ _ _
1098 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1099 <Gtype> <gtype> NN _ _ _
1100 WT wt JJ _ _ _
1101 </Gtype> </gtype> NN _ _ _
1102 <Supp> <supp> NN _ _ _
1103 fructose fructose NN _ _ _
1104 </Supp> </supp> NN _ _ _
1105 2 2 CD _ _ _
1106 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1107 <Gtype> <gtype> NN _ _ _
1108 WT wt JJ _ _ _
1109 </Gtype> </gtype> NN _ _ _
1110 <Supp> <supp> NN _ _ _
1111 glucose glucose NN _ _ _
1112 </Supp> </supp> NN _ _ _
1113 1 1 CD _ _ _
1114 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1115 <Gtype> <gtype> NN _ _ _
1116 WT wt JJ _ _ _
1117 </Gtype> </gtype> NN _ _ _
1118 <Supp> <supp> NN _ _ _
1119 glucose glucose NN _ _ _
1120 </Supp> </supp> NN _ _ _
1121 2 2 CD _ _ _
1122 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1123 <Gtype> <gtype> NN _ _ _
1124 WT wt JJ _ _ _
1125 </Gtype> </gtype> NN _ _ _
1126 <Supp> <supp> NN _ _ _
1127 NaCl nacl NN _ _ _
1128 </Supp> </supp> NN _ _ _
1129 1 1 CD _ _ _
1130 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1131 <Gtype> <gtype> NN _ _ _
1132 WT wt JJ _ _ _
1133 </Gtype> </gtype> NN _ _ _
1134 <Supp> <supp> NN _ _ _
1135 NaCl nacl NN _ _ _
1136 </Supp> </supp> NN _ _ _
1137 2 2 CD _ _ _
1138 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1139 <Gtype> <gtype> NN _ _ _
1140 WT wt JJ _ _ _
1141 </Gtype> </gtype> NN _ _ _
1142 <Supp> <supp> NN _ _ _
1143 PQ pq NN _ _ _
1144 </Supp> </supp> NN _ _ _
1145 1 1 CD _ _ _
1146 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1147 <Gtype> <gtype> NN _ _ _
1148 WT wt JJ _ _ _
1149 </Gtype> </gtype> NN _ _ _
1150 <Supp> <supp> NN _ _ _
1151 PQ pq NN _ _ _
1152 </Supp> </supp> NN _ _ _
1153 2 2 CD _ _ _
1154 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1155 <Gtype> <gtype> NN _ _ _
1156 WT wt JJ _ _ _
1157 </Gtype> </gtype> NN _ _ _
1158 _ _ NN _ _ _
1159 <Technique> <technique> NN _ _ _
1160 ChIPSeq chipseq NN _ _ _
1161 </Technique> </technique> NN _ _ _
738 PK4854 pk4854 NN _ _ _
739 </Gtype> </gtype> NN _ _ _
740 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
741 <Gtype> <gtype> NN _ _ _
742 ∆ ∆ CD _ _ _
743 fur fur NN _ _ _
744 </Gtype> </gtype> NN _ _ _
745 <Air> <air> NN _ _ _
746 Aerobic aerobic JJ _ _ _
747 </Air> </air> NN _ _ _
748 A a DT _ _ _
749 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
750 <Gtype> <gtype> NN _ _ _
751 ∆ ∆ CD _ _ _
752 fur fur NN _ _ _
753 </Gtype> </gtype> NN _ _ _
754 <Air> <air> NN _ _ _
755 Aerobic aerobic JJ _ _ _
756 </Air> </air> NN _ _ _
757 B b NN _ _ _
758 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
759 <Gtype> <gtype> NN _ _ _
760 ∆ ∆ CD _ _ _
761 fur fur NN _ _ _
762 </Gtype> </gtype> NN _ _ _
763 <Air> <air> NN _ _ _
764 Anaerobic anaerobic JJ _ _ _
765 </Air> </air> NN _ _ _
766 A a DT _ _ _
767 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
768 <Gtype> <gtype> NN _ _ _
769 ∆ ∆ CD _ _ _
770 fur fur NN _ _ _
771 </Gtype> </gtype> NN _ _ _
772 <Air> <air> NN _ _ _
773 Anaerobic anaerobic JJ _ _ _
774 </Air> </air> NN _ _ _
775 B b NN _ _ _
776 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
777 <Gtype> <gtype> NN _ _ _
778 ∆ ∆ CD _ _ _
779 fur fur NN _ _ _
780 </Gtype> </gtype> NN _ _ _
781 <Air> <air> NN _ _ _
782 Anaerobic anaerobic JJ _ _ _
783 </Air> </air> NN _ _ _
784 -LSB- -lsb- -LRB- _ _ _
785 IP IP NNP _ _ _
786 vs vs CC _ _ _
787 nput nput NN _ _ _
788 -RSB- -rsb- -RRB- _ _ _
789 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
790 <Gtype> <gtype> NN _ _ _
791 ∆ ∆ CD _ _ _
792 fur fur NN _ _ _
793 ∆ ∆ CD _ _ _
794 ryhB ryhb NN _ _ _
795 </Gtype> </gtype> NN _ _ _
796 <Air> <air> NN _ _ _
797 Aerobic aerobic JJ _ _ _
798 </Air> </air> NN _ _ _
799 A a DT _ _ _
800 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
801 <Gtype> <gtype> NN _ _ _
802 ∆ ∆ CD _ _ _
803 fur fur NN _ _ _
804 ∆ ∆ CD _ _ _
805 ryhB ryhb NN _ _ _
806 </Gtype> </gtype> NN _ _ _
807 <Air> <air> NN _ _ _
808 Aerobic aerobic JJ _ _ _
809 </Air> </air> NN _ _ _
810 B b NN _ _ _
811 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
812 <Gtype> <gtype> NN _ _ _
813 ∆ ∆ CD _ _ _
814 fur fur NN _ _ _
815 ∆ ∆ CD _ _ _
816 ryhB ryhb NN _ _ _
817 </Gtype> </gtype> NN _ _ _
818 <Air> <air> NN _ _ _
819 Anaerobic anaerobic JJ _ _ _
820 </Air> </air> NN _ _ _
821 A a DT _ _ _
822 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
823 <Gtype> <gtype> NN _ _ _
824 ∆ ∆ CD _ _ _
825 fur fur NN _ _ _
826 ∆ ∆ CD _ _ _
827 ryhB ryhb NN _ _ _
828 </Gtype> </gtype> NN _ _ _
829 <Air> <air> NN _ _ _
830 Anaerobic anaerobic JJ _ _ _
831 </Air> </air> NN _ _ _
832 B b NN _ _ _
833 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
834 <Gtype> <gtype> NN _ _ _
835 NsrR nsrr NN _ _ _
836 _ _ CD _ _ _
837 Flagtag flagtag NN _ _ _
838 </Gtype> </gtype> NN _ _ _
839 _ _ CD _ _ _
840 rep1 rep1 NN _ _ _
841 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
842 <Gtype> <gtype> NN _ _ _
843 NsrR nsrr NN _ _ _
844 _ _ CD _ _ _
845 Flagtag flagtag NN _ _ _
846 </Gtype> </gtype> NN _ _ _
847 _ _ CD _ _ _
848 rep2 rep2 NN _ _ _
849 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
850 <Gtype> <gtype> NN _ _ _
851 NsrR nsrr NN _ _ _
852 _ _ CD _ _ _
853 Flagtag flagtag NN _ _ _
854 </Gtype> </gtype> NN _ _ _
855 _ _ CD _ _ _
856 rep3 rep3 NN _ _ _
857 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
858 <Gtype> <gtype> NN _ _ _
859 Ptac ptac NN _ _ _
860 : : : _ _ _
861 : : : _ _ _
862 fnr fnr NN _ _ _
863 </Gtype> </gtype> NN _ _ _
864 - - : _ _ _
865 A a NN _ _ _
866 - - : _ _ _
867 <Supp> <supp> NN _ _ _
868 16 16 CD _ _ _
869 µM µm NN _ _ _
870 IPTG iptg NN _ _ _
871 </Supp> </supp> NN _ _ _
872 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
873 <Gtype> <gtype> NN _ _ _
874 Ptac ptac NN _ _ _
875 : : : _ _ _
876 : : : _ _ _
877 fnr fnr NN _ _ _
878 </Gtype> </gtype> NN _ _ _
879 - - : _ _ _
880 A a NN _ _ _
881 - - : _ _ _
882 <Supp> <supp> NN _ _ _
883 4 4 CD _ _ _
884 µM µm NN _ _ _
885 IPTG iptg NN _ _ _
886 </Supp> </supp> NN _ _ _
887 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
888 <Gtype> <gtype> NN _ _ _
889 Ptac ptac NN _ _ _
890 : : : _ _ _
891 : : : _ _ _
892 fnr fnr NN _ _ _
893 </Gtype> </gtype> NN _ _ _
894 - - : _ _ _
895 A a NN _ _ _
896 - - : _ _ _
897 <Supp> <supp> NN _ _ _
898 8 8 CD _ _ _
899 µM µm NN _ _ _
900 IPTG iptg NN _ _ _
901 </Supp> </supp> NN _ _ _
902 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
903 <Gtype> <gtype> NN _ _ _
904 Ptac ptac NN _ _ _
905 : : : _ _ _
906 : : : _ _ _
907 fnr fnr NN _ _ _
908 </Gtype> </gtype> NN _ _ _
909 - - : _ _ _
910 B b NN _ _ _
911 - - : _ _ _
912 <Supp> <supp> NN _ _ _
913 16 16 CD _ _ _
914 µM µm NN _ _ _
915 IPTG iptg NN _ _ _
916 </Supp> </supp> NN _ _ _
917 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
918 <Gtype> <gtype> NN _ _ _
919 Ptac ptac NN _ _ _
920 : : : _ _ _
921 : : : _ _ _
922 fnr fnr NN _ _ _
923 </Gtype> </gtype> NN _ _ _
924 - - : _ _ _
925 B b NN _ _ _
926 - - : _ _ _
927 <Supp> <supp> NN _ _ _
928 4 4 CD _ _ _
929 µM µm NN _ _ _
930 IPTG iptg NN _ _ _
931 </Supp> </supp> NN _ _ _
932 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
933 <Gtype> <gtype> NN _ _ _
934 Ptac ptac NN _ _ _
935 : : : _ _ _
936 : : : _ _ _
937 fnr fnr NN _ _ _
938 </Gtype> </gtype> NN _ _ _
939 - - : _ _ _
940 B b NN _ _ _
941 - - : _ _ _
942 <Supp> <supp> NN _ _ _
943 8 8 CD _ _ _
944 µM µm NN _ _ _
945 IPTG iptg NN _ _ _
946 </Supp> </supp> NN _ _ _
947 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
948 <Gtype> <gtype> NN _ _ _
949 Ptac ptac NN _ _ _
950 : : : _ _ _
951 : : : _ _ _
952 fnr fnr NN _ _ _
953 </Gtype> </gtype> NN _ _ _
954 - - : _ _ _
955 C c NN _ _ _
956 - - : _ _ _
957 <Supp> <supp> NN _ _ _
958 16 16 CD _ _ _
959 µM µm NN _ _ _
960 IPTG iptg NN _ _ _
961 </Supp> </supp> NN _ _ _
962 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
963 <Gtype> <gtype> NN _ _ _
964 ∆ ∆ CD _ _ _
965 ryhB ryhb NN _ _ _
966 </Gtype> </gtype> NN _ _ _
967 <Air> <air> NN _ _ _
968 Aerobic aerobic JJ _ _ _
969 </Air> </air> NN _ _ _
970 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
971 <Gtype> <gtype> NN _ _ _
972 ∆ ∆ CD _ _ _
973 ryhB ryhb NN _ _ _
974 </Gtype> </gtype> NN _ _ _
975 <Air> <air> NN _ _ _
976 Anaerobic anaerobic JJ _ _ _
977 </Air> </air> NN _ _ _
978 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
979 <Gtype> <gtype> NN _ _ _
980 Wild-type wild-type JJ _ _ _
981 </Gtype> </gtype> NN _ _ _
982 <Air> <air> NN _ _ _
983 Aerobic aerobic JJ _ _ _
984 </Air> </air> NN _ _ _
985 A a DT _ _ _
986 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
987 <Gtype> <gtype> NN _ _ _
988 Wild-type wild-type JJ _ _ _
989 </Gtype> </gtype> NN _ _ _
990 <Air> <air> NN _ _ _
991 Aerobic aerobic JJ _ _ _
992 </Air> </air> NN _ _ _
993 B b NN _ _ _
994 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
995 <Gtype> <gtype> NN _ _ _
996 Wild-type wild-type JJ _ _ _
997 </Gtype> </gtype> NN _ _ _
998 <Air> <air> NN _ _ _
999 Anaerobic anaerobic JJ _ _ _
1000 </Air> </air> NN _ _ _
1001 A a DT _ _ _
1002 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1003 <Gtype> <gtype> NN _ _ _
1004 Wild-type wild-type JJ _ _ _
1005 </Gtype> </gtype> NN _ _ _
1006 <Air> <air> NN _ _ _
1007 Anaerobic anaerobic JJ _ _ _
1008 </Air> </air> NN _ _ _
1009 B b NN _ _ _
1010 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1011 <Gtype> <gtype> NN _ _ _
1012 Wild Wild NNP _ _ _
1013 type type NN _ _ _
1014 </Gtype> </gtype> NN _ _ _
1015 control control NN _ _ _
1016 -LRB- -lrb- -LRB- _ _ _
1017 0 0 CD _ _ _
1018 min min NN _ _ _
1019 -RRB- -rrb- -RRB- _ _ _
1020 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1021 <Gtype> <gtype> NN _ _ _
1022 Wild Wild NNP _ _ _
1023 type type NN _ _ _
1024 </Gtype> </gtype> NN _ _ _
1025 control control NN _ _ _
1026 -LRB- -lrb- -LRB- _ _ _
1027 10 10 CD _ _ _
1028 min min NN _ _ _
1029 -RRB- -rrb- -RRB- _ _ _
1030 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1031 <Gtype> <gtype> NN _ _ _
1032 Wild Wild NNP _ _ _
1033 type type NN _ _ _
1034 </Gtype> </gtype> NN _ _ _
1035 control control NN _ _ _
1036 -LRB- -lrb- -LRB- _ _ _
1037 20 20 CD _ _ _
1038 min min NN _ _ _
1039 -RRB- -rrb- -RRB- _ _ _
1040 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1041 <Gtype> <gtype> NN _ _ _
1042 Wild Wild NNP _ _ _
1043 type type NN _ _ _
1044 </Gtype> </gtype> NN _ _ _
1045 control control NN _ _ _
1046 -LRB- -lrb- -LRB- _ _ _
1047 2.5 2.5 CD _ _ _
1048 min min NN _ _ _
1049 -RRB- -rrb- -RRB- _ _ _
1050 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1051 <Gtype> <gtype> NN _ _ _
1052 Wild Wild NNP _ _ _
1053 type type NN _ _ _
1054 </Gtype> </gtype> NN _ _ _
1055 control control NN _ _ _
1056 -LRB- -lrb- -LRB- _ _ _
1057 5 5 CD _ _ _
1058 min min NN _ _ _
1059 -RRB- -rrb- -RRB- _ _ _
1060 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1061 <Gtype> <gtype> NN _ _ _
1062 WT wt JJ _ _ _
1063 </Gtype> </gtype> NN _ _ _
1064 <pH> <ph> NN _ _ _
1065 pH5 ph5 NN _ _ _
1066 .5 .5 CD _ _ _
1067 </pH> </ph> NN _ _ _
1068 1 1 CD _ _ _
1069 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1070 <Gtype> <gtype> NN _ _ _
1071 WT wt JJ _ _ _
1072 </Gtype> </gtype> NN _ _ _
1073 <pH> <ph> NN _ _ _
1074 pH5 ph5 NN _ _ _
1075 .5 .5 CD _ _ _
1076 </pH> </ph> NN _ _ _
1077 2 2 CD _ _ _
1078 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1079 <Gtype> <gtype> NN _ _ _
1080 WT wt JJ _ _ _
1081 </Gtype> </gtype> NN _ _ _
1082 <Supp> <supp> NN _ _ _
1083 acetate acetate NN _ _ _
1084 </Supp> </supp> NN _ _ _
1085 1 1 CD _ _ _
1086 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1087 <Gtype> <gtype> NN _ _ _
1088 WT wt JJ _ _ _
1089 </Gtype> </gtype> NN _ _ _
1090 <Supp> <supp> NN _ _ _
1091 acetate acetate NN _ _ _
1092 </Supp> </supp> NN _ _ _
1093 2 2 CD _ _ _
1094 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1095 <Gtype> <gtype> NN _ _ _
1096 WT wt JJ _ _ _
1097 </Gtype> </gtype> NN _ _ _
1098 <Supp> <supp> NN _ _ _
1099 fructose fructose NN _ _ _
1100 </Supp> </supp> NN _ _ _
1101 1 1 CD _ _ _
1102 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1103 <Gtype> <gtype> NN _ _ _
1104 WT wt JJ _ _ _
1105 </Gtype> </gtype> NN _ _ _
1106 <Supp> <supp> NN _ _ _
1107 fructose fructose NN _ _ _
1108 </Supp> </supp> NN _ _ _
1109 2 2 CD _ _ _
1110 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1111 <Gtype> <gtype> NN _ _ _
1112 WT wt JJ _ _ _
1113 </Gtype> </gtype> NN _ _ _
1114 <Supp> <supp> NN _ _ _
1115 glucose glucose NN _ _ _
1116 </Supp> </supp> NN _ _ _
1117 1 1 CD _ _ _
1118 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1119 <Gtype> <gtype> NN _ _ _
1120 WT wt JJ _ _ _
1121 </Gtype> </gtype> NN _ _ _
1122 <Supp> <supp> NN _ _ _
1123 glucose glucose NN _ _ _
1124 </Supp> </supp> NN _ _ _
1125 2 2 CD _ _ _
1126 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1127 <Gtype> <gtype> NN _ _ _
1128 WT wt JJ _ _ _
1129 </Gtype> </gtype> NN _ _ _
1130 <Supp> <supp> NN _ _ _
1131 NaCl nacl NN _ _ _
1132 </Supp> </supp> NN _ _ _
1133 1 1 CD _ _ _
1134 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1135 <Gtype> <gtype> NN _ _ _
1136 WT wt JJ _ _ _
1137 </Gtype> </gtype> NN _ _ _
1138 <Supp> <supp> NN _ _ _
1139 NaCl nacl NN _ _ _
1140 </Supp> </supp> NN _ _ _
1141 2 2 CD _ _ _
1142 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1143 <Gtype> <gtype> NN _ _ _
1144 WT wt JJ _ _ _
1145 </Gtype> </gtype> NN _ _ _
1146 <Supp> <supp> NN _ _ _
1147 PQ pq NN _ _ _
1148 </Supp> </supp> NN _ _ _
1149 1 1 CD _ _ _
1150 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1151 <Gtype> <gtype> NN _ _ _
1152 WT wt JJ _ _ _
1153 </Gtype> </gtype> NN _ _ _
1154 <Supp> <supp> NN _ _ _
1155 PQ pq NN _ _ _
1156 </Supp> </supp> NN _ _ _
1157 2 2 CD _ _ _
1158 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1159 <Gtype> <gtype> NN _ _ _
1160 WT wt JJ _ _ _
1161 </Gtype> </gtype> NN _ _ _
1162 _ _ NN _ _ _
1163 1 1 CD _ _ _
1164 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1165 <Gtype> <gtype> NN _ _ _
1166 WT wt JJ _ _ _
1167 </Gtype> </gtype> NN _ _ _
1168 _ _ NN _ _ _
1169 <Technique> <technique> NN _ _ _
1170 ChIPSeq chipseq NN _ _ _
1171 </Technique> </technique> NN _ _ _
1163 <Technique> <technique> NN _ _ _
1164 ChIPSeq chipseq NN _ _ _
1165 </Technique> </technique> NN _ _ _
1166 _ _ NN _ _ _
1167 1 1 CD _ _ _
1168 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1169 <Gtype> <gtype> NN _ _ _
1170 WT wt JJ _ _ _
1171 </Gtype> </gtype> NN _ _ _
1172 _ _ NN _ _ _
1173 2 2 CD _ _ _
1174 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1175 <Gtype> <gtype> NN _ _ _
1176 WT wt JJ _ _ _
1177 </Gtype> </gtype> NN _ _ _
1178 _ _ NN _ _ _
1179 <Technique> <technique> NN _ _ _
1180 RNASeq rnaseq NN _ _ _
1181 </Technique> </technique> NN _ _ _
1182 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1183 <Gtype> <gtype> NN _ _ _
1184 WT wt JJ _ _ _
1185 </Gtype> </gtype> NN _ _ _
1186 with with IN _ _ _
1187 <Supp> <supp> NN _ _ _
1188 DPD dpd NN _ _ _
1189 </Supp> </supp> NN _ _ _
1190 1 1 CD _ _ _
1191 <Technique> <technique> NN _ _ _
1192 -LRB- -lrb- -LRB- _ _ _
1193 RNA-seq rna-seq NN _ _ _
1194 -RRB- -rrb- -RRB- _ _ _
1195 </Technique> </technique> NN _ _ _
1196 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1197 <Gtype> <gtype> NN _ _ _
1198 WT wt JJ _ _ _
1199 </Gtype> </gtype> NN _ _ _
1200 with with IN _ _ _
1201 <Supp> <supp> NN _ _ _
1202 DPD dpd NN _ _ _
1203 </Supp> </supp> NN _ _ _
1204 2 2 CD _ _ _
1205 <Technique> <technique> NN _ _ _
1206 -LRB- -lrb- -LRB- _ _ _
1207 RNA-seq rna-seq NN _ _ _
1208 -RRB- -rrb- -RRB- _ _ _
1209 </Technique> </technique> NN _ _ _
1210 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1211 <Gtype> <gtype> NN _ _ _
1212 WT wt JJ _ _ _
1213 </Gtype> </gtype> NN _ _ _
1214 with with IN _ _ _
1215 <Supp> <supp> NN _ _ _
1216 Fe Fe NNP _ _ _
1217 </Supp> </Supp> NNP _ _ _
1218 1 1 CD _ _ _
1219 <Technique> <technique> NN _ _ _
1220 -LRB- -lrb- -LRB- _ _ _
1221 RNA-seq rna-seq NN _ _ _
1222 -RRB- -rrb- -RRB- _ _ _
1223 </Technique> </technique> NN _ _ _
1224 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1225 <Gtype> <gtype> NN _ _ _
1226 WT wt JJ _ _ _
1227 </Gtype> </gtype> NN _ _ _
1228 with with IN _ _ _
1229 <Supp> <supp> NN _ _ _
1230 Fe Fe NNP _ _ _
1231 </Supp> </Supp> NNP _ _ _
1232 2 2 CD _ _ _
1233 <Technique> <technique> NN _ _ _
1234 -LRB- -lrb- -LRB- _ _ _
1235 RNA-seq rna-seq NN _ _ _
1236 -RRB- -rrb- -RRB- _ _ _
1237 </Technique> </technique> NN _ _ _
1238 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1239 <Gtype> <gtype> NN _ _ _
1240 Δcra δcra NN _ _ _
1241 </Gtype> </gtype> NN _ _ _
1242 <Supp> <supp> NN _ _ _
1243 acetate acetate NN _ _ _
1244 </Supp> </supp> NN _ _ _
1245 1 1 CD _ _ _
1246 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1247 <Gtype> <gtype> NN _ _ _
1248 Δcra δcra NN _ _ _
1249 </Gtype> </gtype> NN _ _ _
1250 <Supp> <supp> NN _ _ _
1251 acetate acetate NN _ _ _
1252 </Supp> </supp> NN _ _ _
1253 2 2 CD _ _ _
1254 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1255 <Gtype> <gtype> NN _ _ _
1256 Δcra δcra NN _ _ _
1257 </Gtype> </gtype> NN _ _ _
1258 <Supp> <supp> NN _ _ _
1259 fructose fructose NN _ _ _
1260 </Supp> </supp> NN _ _ _
1261 1 1 CD _ _ _
1262 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1263 <Gtype> <gtype> NN _ _ _
1264 Δcra δcra NN _ _ _
1265 </Gtype> </gtype> NN _ _ _
1266 <Supp> <supp> NN _ _ _
1267 fructose fructose NN _ _ _
1268 </Supp> </supp> NN _ _ _
1269 2 2 CD _ _ _
1270 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1271 <Gtype> <gtype> NN _ _ _
1272 Δcra δcra NN _ _ _
1273 </Gtype> </gtype> NN _ _ _
1274 <Supp> <supp> NN _ _ _
1275 glucose glucose NN _ _ _
1276 </Supp> </supp> NN _ _ _
1277 1 1 CD _ _ _
1278 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1279 <Gtype> <gtype> NN _ _ _
1280 Δcra δcra NN _ _ _
1281 </Gtype> </gtype> NN _ _ _
1282 <Supp> <supp> NN _ _ _
1283 glucose glucose NN _ _ _
1284 </Supp> </supp> NN _ _ _
1285 2 2 CD _ _ _
1286 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1287 <Gtype> <gtype> NN _ _ _
1288 Δfur δfur NN _ _ _
1289 </Gtype> </gtype> NN _ _ _
1290 with with IN _ _ _
1291 <Supp> <supp> NN _ _ _
1292 DPD dpd NN _ _ _
1293 </Supp> </supp> NN _ _ _
1294 1 1 CD _ _ _
1295 <Technique> <technique> NN _ _ _
1296 -LRB- -lrb- -LRB- _ _ _
1297 RNA-seq rna-seq NN _ _ _
1298 -RRB- -rrb- -RRB- _ _ _
1299 </Technique> </technique> NN _ _ _
1300 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1301 <Gtype> <gtype> NN _ _ _
1302 Δfur δfur NN _ _ _
1303 </Gtype> </gtype> NN _ _ _
1304 with with IN _ _ _
1305 <Supp> <supp> NN _ _ _
1306 DPD dpd NN _ _ _
1307 </Supp> </supp> NN _ _ _
1308 2 2 CD _ _ _
1309 <Technique> <technique> NN _ _ _
1310 -LRB- -lrb- -LRB- _ _ _
1311 RNA-seq rna-seq NN _ _ _
1312 -RRB- -rrb- -RRB- _ _ _
1313 </Technique> </technique> NN _ _ _
1314 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1315 <Gtype> <gtype> NN _ _ _
1316 Δfur δfur NN _ _ _
1317 </Gtype> </gtype> NN _ _ _
1318 with with IN _ _ _
1319 <Supp> <supp> NN _ _ _
1320 Fe Fe NNP _ _ _
1321 </Supp> </Supp> NNP _ _ _
1322 1 1 CD _ _ _
1323 <Technique> <technique> NN _ _ _
1324 -LRB- -lrb- -LRB- _ _ _
1325 RNA-seq rna-seq NN _ _ _
1326 -RRB- -rrb- -RRB- _ _ _
1327 </Technique> </technique> NN _ _ _
1328 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1329 <Gtype> <gtype> NN _ _ _
1330 Δfur δfur NN _ _ _
1331 </Gtype> </gtype> NN _ _ _
1332 with with IN _ _ _
1333 <Supp> <supp> NN _ _ _
1334 Fe Fe NNP _ _ _
1335 </Supp> </Supp> NNP _ _ _
1336 2 2 CD _ _ _
1337 <Technique> <technique> NN _ _ _
1338 -LRB- -lrb- -LRB- _ _ _
1339 RNA-seq rna-seq NN _ _ _
1340 -RRB- -rrb- -RRB- _ _ _
1341 </Technique> </technique> NN _ _ _
1342 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1343 <Gtype> <gtype> NN _ _ _
1344 ΔgadE δgade NN _ _ _
1345 </Gtype> </gtype> NN _ _ _
1346 <pH> <ph> NN _ _ _
1347 pH5 ph5 NN _ _ _
1348 .5 .5 CD _ _ _
1349 </pH> </ph> NN _ _ _
1350 1 1 CD _ _ _
1351 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1352 <Gtype> <gtype> NN _ _ _
1353 ΔgadE δgade NN _ _ _
1354 </Gtype> </gtype> NN _ _ _
1355 <pH> <ph> NN _ _ _
1356 pH5 ph5 NN _ _ _
1357 .5 .5 CD _ _ _
1358 </pH> </ph> NN _ _ _
1359 2 2 CD _ _ _
1360 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1361 <Gtype> <gtype> NN _ _ _
1362 ΔgadW δgadw NN _ _ _
1363 </Gtype> </gtype> NN _ _ _
1364 <pH> <ph> NN _ _ _
1365 pH5 ph5 NN _ _ _
1366 .5 .5 CD _ _ _
1367 </pH> </ph> NN _ _ _
1368 1 1 CD _ _ _
1369 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1370 <Gtype> <gtype> NN _ _ _
1371 ΔgadW δgadw NN _ _ _
1372 </Gtype> </gtype> NN _ _ _
1373 <pH> <ph> NN _ _ _
1374 pH5 ph5 NN _ _ _
1375 .5 .5 CD _ _ _
1376 </pH> </ph> NN _ _ _
1377 2 2 CD _ _ _
1378 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1379 <Gtype> <gtype> NN _ _ _
1380 ΔgadX δgadx NN _ _ _
1381 </Gtype> </gtype> NN _ _ _
1382 <pH> <ph> NN _ _ _
1383 pH5 ph5 NN _ _ _
1384 .5 .5 CD _ _ _
1385 </pH> </ph> NN _ _ _
1386 1 1 CD _ _ _
1387 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1388 <Gtype> <gtype> NN _ _ _
1389 ΔgadX δgadx NN _ _ _
1390 </Gtype> </gtype> NN _ _ _
1391 <pH> <ph> NN _ _ _
1392 pH5 ph5 NN _ _ _
1393 .5 .5 CD _ _ _
1394 </pH> </ph> NN _ _ _
1395 2 2 CD _ _ _
1396 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1397 <Gtype> <gtype> NN _ _ _
1398 ΔompR δompr NN _ _ _
1399 </Gtype> </gtype> NN _ _ _
1400 <Supp> <supp> NN _ _ _
1401 NaCl nacl NN _ _ _
1402 </Supp> </supp> NN _ _ _
1403 1 1 CD _ _ _
1404 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1405 <Gtype> <gtype> NN _ _ _
1406 ΔompR δompr NN _ _ _
1407 </Gtype> </gtype> NN _ _ _
1408 <Supp> <supp> NN _ _ _
1409 NaCl nacl NN _ _ _
1410 </Supp> </supp> NN _ _ _
1411 2 2 CD _ _ _
1412 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1413 <Gtype> <gtype> NN _ _ _
1414 ΔoxyR δoxyr NN _ _ _
1415 </Gtype> </gtype> NN _ _ _
1416 <Supp> <supp> NN _ _ _
1417 PQ pq NN _ _ _
1418 </Supp> </supp> NN _ _ _
1419 1 1 CD _ _ _
1420 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1421 <Gtype> <gtype> NN _ _ _
1422 ΔoxyR δoxyr NN _ _ _
1423 </Gtype> </gtype> NN _ _ _
1424 <Supp> <supp> NN _ _ _
1425 PQ pq NN _ _ _
1426 </Supp> </supp> NN _ _ _
1427 2 2 CD _ _ _
1428 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1429 <Gtype> <gtype> NN _ _ _
1430 ΔsoxR δsoxr NN _ _ _
1431 </Gtype> </gtype> NN _ _ _
1432 <Supp> <supp> NN _ _ _
1433 PQ pq NN _ _ _
1434 </Supp> </supp> NN _ _ _
1435 1 1 CD _ _ _
1436 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1437 <Gtype> <gtype> NN _ _ _
1438 ΔsoxR δsoxr NN _ _ _
1439 </Gtype> </gtype> NN _ _ _
1440 <Supp> <supp> NN _ _ _
1441 PQ pq NN _ _ _
1442 </Supp> </supp> NN _ _ _
1443 2 2 CD _ _ _
1444 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1445 <Gtype> <gtype> NN _ _ _
1446 ΔsoxS δsoxs NN _ _ _
1447 </Gtype> </gtype> NN _ _ _
1448 <Supp> <supp> NN _ _ _
1449 PQ pq NN _ _ _
1450 </Supp> </supp> NN _ _ _
1451 1 1 CD _ _ _
1452 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1453 <Gtype> <gtype> NN _ _ _
1454 ΔsoxS δsoxs NN _ _ _
1455 </Gtype> </gtype> NN _ _ _
1456 <Supp> <supp> NN _ _ _
1457 PQ pq NN _ _ _
1458 </Supp> </supp> NN _ _ _
1459 2 2 CD _ _ _
1460 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1461 <Gversion> <gversion> NN _ _ _
1462 ChIP-Seq chip-seq NN _ _ _
1463 </Gversion> </gversion> NN _ _ _
1173 <Technique> <technique> NN _ _ _
1174 ChIPSeq chipseq NN _ _ _
1175 </Technique> </technique> NN _ _ _
1176 _ _ NN _ _ _
1177 2 2 CD _ _ _
1178 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1179 <Gtype> <gtype> NN _ _ _
1180 WT wt JJ _ _ _
1181 </Gtype> </gtype> NN _ _ _
1182 _ _ NN _ _ _
1183 <Technique> <technique> NN _ _ _
1184 RNASeq rnaseq NN _ _ _
1185 </Technique> </technique> NN _ _ _
1186 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1187 <Gtype> <gtype> NN _ _ _
1188 WT wt JJ _ _ _
1189 </Gtype> </gtype> NN _ _ _
1190 with with IN _ _ _
1191 <Supp> <supp> NN _ _ _
1192 DPD dpd NN _ _ _
1193 </Supp> </supp> NN _ _ _
1194 1 1 CD _ _ _
1195 <Technique> <technique> NN _ _ _
1196 -LRB- -lrb- -LRB- _ _ _
1197 RNA-seq rna-seq NN _ _ _
1198 -RRB- -rrb- -RRB- _ _ _
1199 </Technique> </technique> NN _ _ _
1200 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1201 <Gtype> <gtype> NN _ _ _
1202 WT wt JJ _ _ _
1203 </Gtype> </gtype> NN _ _ _
1204 with with IN _ _ _
1205 <Supp> <supp> NN _ _ _
1206 DPD dpd NN _ _ _
1207 </Supp> </supp> NN _ _ _
1208 2 2 CD _ _ _
1209 <Technique> <technique> NN _ _ _
1210 -LRB- -lrb- -LRB- _ _ _
1211 RNA-seq rna-seq NN _ _ _
1212 -RRB- -rrb- -RRB- _ _ _
1213 </Technique> </technique> NN _ _ _
1214 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1215 <Gtype> <gtype> NN _ _ _
1216 WT wt JJ _ _ _
1217 </Gtype> </gtype> NN _ _ _
1218 with with IN _ _ _
1219 <Supp> <supp> NN _ _ _
1220 Fe Fe NNP _ _ _
1221 </Supp> </Supp> NNP _ _ _
1222 1 1 CD _ _ _
1223 <Technique> <technique> NN _ _ _
1224 -LRB- -lrb- -LRB- _ _ _
1225 RNA-seq rna-seq NN _ _ _
1226 -RRB- -rrb- -RRB- _ _ _
1227 </Technique> </technique> NN _ _ _
1228 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1229 <Gtype> <gtype> NN _ _ _
1230 WT wt JJ _ _ _
1231 </Gtype> </gtype> NN _ _ _
1232 with with IN _ _ _
1233 <Supp> <supp> NN _ _ _
1234 Fe Fe NNP _ _ _
1235 </Supp> </Supp> NNP _ _ _
1236 2 2 CD _ _ _
1237 <Technique> <technique> NN _ _ _
1238 -LRB- -lrb- -LRB- _ _ _
1239 RNA-seq rna-seq NN _ _ _
1240 -RRB- -rrb- -RRB- _ _ _
1241 </Technique> </technique> NN _ _ _
1242 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1243 <Gtype> <gtype> NN _ _ _
1244 Δcra δcra NN _ _ _
1245 </Gtype> </gtype> NN _ _ _
1246 <Supp> <supp> NN _ _ _
1247 acetate acetate NN _ _ _
1248 </Supp> </supp> NN _ _ _
1249 1 1 CD _ _ _
1250 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1251 <Gtype> <gtype> NN _ _ _
1252 Δcra δcra NN _ _ _
1253 </Gtype> </gtype> NN _ _ _
1254 <Supp> <supp> NN _ _ _
1255 acetate acetate NN _ _ _
1256 </Supp> </supp> NN _ _ _
1257 2 2 CD _ _ _
1258 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1259 <Gtype> <gtype> NN _ _ _
1260 Δcra δcra NN _ _ _
1261 </Gtype> </gtype> NN _ _ _
1262 <Supp> <supp> NN _ _ _
1263 fructose fructose NN _ _ _
1264 </Supp> </supp> NN _ _ _
1265 1 1 CD _ _ _
1266 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1267 <Gtype> <gtype> NN _ _ _
1268 Δcra δcra NN _ _ _
1269 </Gtype> </gtype> NN _ _ _
1270 <Supp> <supp> NN _ _ _
1271 fructose fructose NN _ _ _
1272 </Supp> </supp> NN _ _ _
1273 2 2 CD _ _ _
1274 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1275 <Gtype> <gtype> NN _ _ _
1276 Δcra δcra NN _ _ _
1277 </Gtype> </gtype> NN _ _ _
1278 <Supp> <supp> NN _ _ _
1279 glucose glucose NN _ _ _
1280 </Supp> </supp> NN _ _ _
1281 1 1 CD _ _ _
1282 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1283 <Gtype> <gtype> NN _ _ _
1284 Δcra δcra NN _ _ _
1285 </Gtype> </gtype> NN _ _ _
1286 <Supp> <supp> NN _ _ _
1287 glucose glucose NN _ _ _
1288 </Supp> </supp> NN _ _ _
1289 2 2 CD _ _ _
1290 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1291 <Gtype> <gtype> NN _ _ _
1292 Δfur δfur NN _ _ _
1293 </Gtype> </gtype> NN _ _ _
1294 with with IN _ _ _
1295 <Supp> <supp> NN _ _ _
1296 DPD dpd NN _ _ _
1297 </Supp> </supp> NN _ _ _
1298 1 1 CD _ _ _
1299 <Technique> <technique> NN _ _ _
1300 -LRB- -lrb- -LRB- _ _ _
1301 RNA-seq rna-seq NN _ _ _
1302 -RRB- -rrb- -RRB- _ _ _
1303 </Technique> </technique> NN _ _ _
1304 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1305 <Gtype> <gtype> NN _ _ _
1306 Δfur δfur NN _ _ _
1307 </Gtype> </gtype> NN _ _ _
1308 with with IN _ _ _
1309 <Supp> <supp> NN _ _ _
1310 DPD dpd NN _ _ _
1311 </Supp> </supp> NN _ _ _
1312 2 2 CD _ _ _
1313 <Technique> <technique> NN _ _ _
1314 -LRB- -lrb- -LRB- _ _ _
1315 RNA-seq rna-seq NN _ _ _
1316 -RRB- -rrb- -RRB- _ _ _
1317 </Technique> </technique> NN _ _ _
1318 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1319 <Gtype> <gtype> NN _ _ _
1320 Δfur δfur NN _ _ _
1321 </Gtype> </gtype> NN _ _ _
1322 with with IN _ _ _
1323 <Supp> <supp> NN _ _ _
1324 Fe Fe NNP _ _ _
1325 </Supp> </Supp> NNP _ _ _
1326 1 1 CD _ _ _
1327 <Technique> <technique> NN _ _ _
1328 -LRB- -lrb- -LRB- _ _ _
1329 RNA-seq rna-seq NN _ _ _
1330 -RRB- -rrb- -RRB- _ _ _
1331 </Technique> </technique> NN _ _ _
1332 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1333 <Gtype> <gtype> NN _ _ _
1334 Δfur δfur NN _ _ _
1335 </Gtype> </gtype> NN _ _ _
1336 with with IN _ _ _
1337 <Supp> <supp> NN _ _ _
1338 Fe Fe NNP _ _ _
1339 </Supp> </Supp> NNP _ _ _
1340 2 2 CD _ _ _
1341 <Technique> <technique> NN _ _ _
1342 -LRB- -lrb- -LRB- _ _ _
1343 RNA-seq rna-seq NN _ _ _
1344 -RRB- -rrb- -RRB- _ _ _
1345 </Technique> </technique> NN _ _ _
1346 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1347 <Gtype> <gtype> NN _ _ _
1348 ΔgadE δgade NN _ _ _
1349 </Gtype> </gtype> NN _ _ _
1350 <pH> <ph> NN _ _ _
1351 pH5 ph5 NN _ _ _
1352 .5 .5 CD _ _ _
1353 </pH> </ph> NN _ _ _
1354 1 1 CD _ _ _
1355 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1356 <Gtype> <gtype> NN _ _ _
1357 ΔgadE δgade NN _ _ _
1358 </Gtype> </gtype> NN _ _ _
1359 <pH> <ph> NN _ _ _
1360 pH5 ph5 NN _ _ _
1361 .5 .5 CD _ _ _
1362 </pH> </ph> NN _ _ _
1363 2 2 CD _ _ _
1364 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1365 <Gtype> <gtype> NN _ _ _
1366 ΔgadW δgadw NN _ _ _
1367 </Gtype> </gtype> NN _ _ _
1368 <pH> <ph> NN _ _ _
1369 pH5 ph5 NN _ _ _
1370 .5 .5 CD _ _ _
1371 </pH> </ph> NN _ _ _
1372 1 1 CD _ _ _
1373 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1374 <Gtype> <gtype> NN _ _ _
1375 ΔgadW δgadw NN _ _ _
1376 </Gtype> </gtype> NN _ _ _
1377 <pH> <ph> NN _ _ _
1378 pH5 ph5 NN _ _ _
1379 .5 .5 CD _ _ _
1380 </pH> </ph> NN _ _ _
1381 2 2 CD _ _ _
1382 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1383 <Gtype> <gtype> NN _ _ _
1384 ΔgadX δgadx NN _ _ _
1385 </Gtype> </gtype> NN _ _ _
1386 <pH> <ph> NN _ _ _
1387 pH5 ph5 NN _ _ _
1388 .5 .5 CD _ _ _
1389 </pH> </ph> NN _ _ _
1390 1 1 CD _ _ _
1391 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1392 <Gtype> <gtype> NN _ _ _
1393 ΔgadX δgadx NN _ _ _
1394 </Gtype> </gtype> NN _ _ _
1395 <pH> <ph> NN _ _ _
1396 pH5 ph5 NN _ _ _
1397 .5 .5 CD _ _ _
1398 </pH> </ph> NN _ _ _
1399 2 2 CD _ _ _
1400 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1401 <Gtype> <gtype> NN _ _ _
1402 ΔompR δompr NN _ _ _
1403 </Gtype> </gtype> NN _ _ _
1404 <Supp> <supp> NN _ _ _
1405 NaCl nacl NN _ _ _
1406 </Supp> </supp> NN _ _ _
1407 1 1 CD _ _ _
1408 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1409 <Gtype> <gtype> NN _ _ _
1410 ΔompR δompr NN _ _ _
1411 </Gtype> </gtype> NN _ _ _
1412 <Supp> <supp> NN _ _ _
1413 NaCl nacl NN _ _ _
1414 </Supp> </supp> NN _ _ _
1415 2 2 CD _ _ _
1416 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1417 <Gtype> <gtype> NN _ _ _
1418 ΔoxyR δoxyr NN _ _ _
1419 </Gtype> </gtype> NN _ _ _
1420 <Supp> <supp> NN _ _ _
1421 PQ pq NN _ _ _
1422 </Supp> </supp> NN _ _ _
1423 1 1 CD _ _ _
1424 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1425 <Gtype> <gtype> NN _ _ _
1426 ΔoxyR δoxyr NN _ _ _
1427 </Gtype> </gtype> NN _ _ _
1428 <Supp> <supp> NN _ _ _
1429 PQ pq NN _ _ _
1430 </Supp> </supp> NN _ _ _
1431 2 2 CD _ _ _
1432 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1433 <Gtype> <gtype> NN _ _ _
1434 ΔsoxR δsoxr NN _ _ _
1435 </Gtype> </gtype> NN _ _ _
1436 <Supp> <supp> NN _ _ _
1437 PQ pq NN _ _ _
1438 </Supp> </supp> NN _ _ _
1439 1 1 CD _ _ _
1440 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1441 <Gtype> <gtype> NN _ _ _
1442 ΔsoxR δsoxr NN _ _ _
1443 </Gtype> </gtype> NN _ _ _
1444 <Supp> <supp> NN _ _ _
1445 PQ pq NN _ _ _
1446 </Supp> </supp> NN _ _ _
1447 2 2 CD _ _ _
1448 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1449 <Gtype> <gtype> NN _ _ _
1450 ΔsoxS δsoxs NN _ _ _
1451 </Gtype> </gtype> NN _ _ _
1452 <Supp> <supp> NN _ _ _
1453 PQ pq NN _ _ _
1454 </Supp> </supp> NN _ _ _
1455 1 1 CD _ _ _
1456 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1457 <Gtype> <gtype> NN _ _ _
1458 ΔsoxS δsoxs NN _ _ _
1459 </Gtype> </gtype> NN _ _ _
1460 <Supp> <supp> NN _ _ _
1461 PQ pq NN _ _ _
1462 </Supp> </supp> NN _ _ _
1463 2 2 CD _ _ _
1464 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1465 HNS hns SYM _ _ _
1466 - - : _ _ _
1467 <Air> <air> NN _ _ _
1468 Aerobic aerobic JJ _ _ _
1469 </Air> </air> NN _ _ _
1470 A a DT _ _ _
1471 PGCGROWTHCONDITIONS PGCGROWTHCONDITIONS NNPS _ _ _
1472 HNS hns SYM _ _ _
1473 - - : _ _ _
1474 <Air> <air> NN _ _ _
1475 Aerobic aerobic JJ _ _ _
1476 </Air> </air> NN _ _ _
1477 B b NN _ _ _
1478 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1479 HNS hns SYM _ _ _
1480 - - : _ _ _
1481 <Air> <air> NN _ _ _
1482 Anaerobic anaerobic JJ _ _ _
1483 </Air> </air> NN _ _ _
1484 A a DT _ _ _
1485 PGCGROWTHCONDITIONS PGCGROWTHCONDITIONS NNPS _ _ _
1486 HNS hns SYM _ _ _
1487 - - : _ _ _
1488 <Air> <air> NN _ _ _
1489 Anaerobic anaerobic JJ _ _ _
1490 </Air> </air> NN _ _ _
1491 B b NN _ _ _
1492 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1493 IHF ihf SYM _ _ _
1494 - - : _ _ _
1495 <Air> <air> NN _ _ _
1496 Anaerobic anaerobic JJ _ _ _
1497 </Air> </air> NN _ _ _
1498 A a DT _ _ _
1499 PGCGROWTHCONDITIONS PGCGROWTHCONDITIONS NNPS _ _ _
1500 IHF ihf SYM _ _ _
1501 - - : _ _ _
1502 <Air> <air> NN _ _ _
1503 Anaerobic anaerobic JJ _ _ _
1504 </Air> </air> NN _ _ _
1505 B b NN _ _ _
1506 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1507 Input input NN _ _ _
1508 <Technique> <technique> NN _ _ _
1509 ChIP-Seq chip-seq NN _ _ _
1510 </Technique> </technique> NN _ _ _
1511 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1512 ip ip NN _ _ _
1513 antibody antibody NN _ _ _
1514 : : : _ _ _
1515 <Anti> <anti> NN _ _ _
1516 affinity affinity NN _ _ _
1517 purified purify VBN _ _ _
1518 anti-Fur anti-fur JJ _ _ _
1519 antibody antibody NN _ _ _
1520 </Anti> </anti> NN _ _ _
1521 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1522 library library NN _ _ _
1523 strategy strategy NN _ _ _
1524 : : : _ _ _
1525 <Technique> <technique> NN _ _ _
1526 ChIP-exo ChIP-exo NNP _ _ _
1527 </Technique> </Technique> NNP _ _ _
1528 PGCGROWTHCONDITIONS PGCGROWTHCONDITIONS NNP _ _ _
1529 Lrp Lrp NNP _ _ _
1530 _ _ SYM _ _ _
1531 <Supp> <Supp> NNP _ _ _
1532 Leu Leu NNP _ _ _
1533 </Supp> </Supp> NNP _ _ _
1465 <Gversion> <gversion> NN _ _ _
1466 ChIP-Seq chip-seq NN _ _ _
1467 </Gversion> </gversion> NN _ _ _
1468 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1469 HNS hns SYM _ _ _
1470 - - : _ _ _
1471 <Air> <air> NN _ _ _
1472 Aerobic aerobic JJ _ _ _
1473 </Air> </air> NN _ _ _
1474 A a DT _ _ _
1475 PGCGROWTHCONDITIONS PGCGROWTHCONDITIONS NNPS _ _ _
1476 HNS hns SYM _ _ _
1477 - - : _ _ _
1478 <Air> <air> NN _ _ _
1479 Aerobic aerobic JJ _ _ _
1480 </Air> </air> NN _ _ _
1481 B b NN _ _ _
1482 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1483 HNS hns SYM _ _ _
1484 - - : _ _ _
1485 <Air> <air> NN _ _ _
1486 Anaerobic anaerobic JJ _ _ _
1487 </Air> </air> NN _ _ _
1488 A a DT _ _ _
1489 PGCGROWTHCONDITIONS PGCGROWTHCONDITIONS NNPS _ _ _
1490 HNS hns SYM _ _ _
1491 - - : _ _ _
1492 <Air> <air> NN _ _ _
1493 Anaerobic anaerobic JJ _ _ _
1494 </Air> </air> NN _ _ _
1495 B b NN _ _ _
1496 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1497 IHF ihf SYM _ _ _
1498 - - : _ _ _
1499 <Air> <air> NN _ _ _
1500 Anaerobic anaerobic JJ _ _ _
1501 </Air> </air> NN _ _ _
1502 A a DT _ _ _
1503 PGCGROWTHCONDITIONS PGCGROWTHCONDITIONS NNPS _ _ _
1504 IHF ihf SYM _ _ _
1505 - - : _ _ _
1506 <Air> <air> NN _ _ _
1507 Anaerobic anaerobic JJ _ _ _
1508 </Air> </air> NN _ _ _
1509 B b NN _ _ _
1510 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1511 Input input NN _ _ _
1512 <Technique> <technique> NN _ _ _
1513 ChIP-Seq chip-seq NN _ _ _
1514 </Technique> </technique> NN _ _ _
1515 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1516 ip ip NN _ _ _
1517 antibody antibody NN _ _ _
1518 : : : _ _ _
1519 <Anti> <anti> NN _ _ _
1520 affinity affinity NN _ _ _
1521 purified purify VBN _ _ _
1522 anti-Fur anti-fur JJ _ _ _
1523 antibody antibody NN _ _ _
1524 </Anti> </anti> NN _ _ _
1525 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1526 library library NN _ _ _
1527 strategy strategy NN _ _ _
1528 : : : _ _ _
1529 <Technique> <technique> NN _ _ _
1530 ChIP-exo ChIP-exo NNP _ _ _
1531 </Technique> </Technique> NNP _ _ _
1532 PGCGROWTHCONDITIONS PGCGROWTHCONDITIONS NNP _ _ _
1533 Lrp Lrp NNP _ _ _
1534 _ _ SYM _ _ _
1535 1 1 CD _ _ _
1536 PGCGROWTHCONDITIONS PGCGROWTHCONDITIONS NNP _ _ _
1537 Lrp Lrp NNP _ _ _
1535 <Supp> <Supp> NNP _ _ _
1536 Leu Leu NNP _ _ _
1537 </Supp> </Supp> NNP _ _ _
1538 _ _ SYM _ _ _
1539 <Supp> <Supp> NNP _ _ _
1540 Leu Leu NNP _ _ _
1541 </Supp> </Supp> NNP _ _ _
1542 _ _ NN _ _ _
1543 2 2 CD _ _ _
1544 PGCGROWTHCONDITIONS PGCGROWTHCONDITIONS NNP _ _ _
1545 Lrp Lrp NNP _ _ _
1546 _ _ SYM _ _ _
1547 <Supp> <Supp> NNP _ _ _
1548 Leu Leu NNP _ _ _
1549 </Supp> </Supp> NNP _ _ _
1539 1 1 CD _ _ _
1540 PGCGROWTHCONDITIONS PGCGROWTHCONDITIONS NNP _ _ _
1541 Lrp Lrp NNP _ _ _
1542 _ _ SYM _ _ _
1543 <Supp> <Supp> NNP _ _ _
1544 Leu Leu NNP _ _ _
1545 </Supp> </Supp> NNP _ _ _
1546 _ _ NN _ _ _
1547 2 2 CD _ _ _
1548 PGCGROWTHCONDITIONS PGCGROWTHCONDITIONS NNP _ _ _
1549 Lrp Lrp NNP _ _ _
1550 _ _ SYM _ _ _
1551 3 3 CD _ _ _
1552 PGCGROWTHCONDITIONS PGCGROWTHCONDITIONS NNP _ _ _
1553 Lrp Lrp NNP _ _ _
1551 <Supp> <Supp> NNP _ _ _
1552 Leu Leu NNP _ _ _
1553 </Supp> </Supp> NNP _ _ _
1554 _ _ SYM _ _ _
1555 <Supp> <supp> NN _ _ _
1556 NH4Cl nh4cl NN _ _ _
1557 </Supp> </supp> NN _ _ _
1558 _ _ NN _ _ _
1559 1 1 CD _ _ _
1560 PGCGROWTHCONDITIONS PGCGROWTHCONDITIONS NNP _ _ _
1561 Lrp Lrp NNP _ _ _
1562 _ _ SYM _ _ _
1563 <Supp> <supp> NN _ _ _
1564 NH4Cl nh4cl NN _ _ _
1565 </Supp> </supp> NN _ _ _
1566 _ _ NN _ _ _
1567 2 2 CD _ _ _
1568 PGCGROWTHCONDITIONS pgcgrowthcondition NNS _ _ _
1569 Lrp lrp NN _ _ _
1570 _ _ CD _ _ _
1571 <Supp> <supp> NN _ _ _
1572 NH4Cl nh4cl NN _ _ _
1573 </Supp> </supp> NN _ _ _
1555 3 3 CD _ _ _
1556 PGCGROWTHCONDITIONS PGCGROWTHCONDITIONS NNP _ _ _
1557 Lrp Lrp NNP _ _ _
1558 _ _ SYM _ _ _
1559 <Supp> <supp> NN _ _ _
1560 NH4Cl nh4cl NN _ _ _
1561 </Supp> </supp> NN _ _ _
1562 _ _ NN _ _ _
1563 1 1 CD _ _ _
1564 PGCGROWTHCONDITIONS PGCGROWTHCONDITIONS NNP _ _ _
1565 Lrp Lrp NNP _ _ _
1566 _ _ SYM _ _ _
1567 <Supp> <supp> NN _ _ _
1568 NH4Cl nh4cl NN _ _ _
1569 </Supp> </supp> NN _ _ _
1570 _ _ NN _ _ _
1571 2 2 CD _ _ _
1572 PGCGROWTHCONDITIONS pgcgrowthcondition NNS _ _ _
1573 Lrp lrp NN _ _ _
1574 _ _ CD _ _ _
1575 3 3 CD _ _ _
1576 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1577 medium medium NN _ _ _
1578 : : : _ _ _
1579 <Med> <Med> NNP _ _ _
1580 LB LB NNP _ _ _
1581 </Med> </Med> NNP _ _ _
1582 PGCGROWTHCONDITIONS PGCGROWTHCONDITIONS NNP _ _ _
1583 medium medium NN _ _ _
1584 : : : _ _ _
1585 <Med> <med> NN _ _ _
1586 M63 m63 NN _ _ _
1587 </Med> </med> NN _ _ _
1588 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1575 <Supp> <supp> NN _ _ _
1576 NH4Cl nh4cl NN _ _ _
1577 </Supp> </supp> NN _ _ _
1578 _ _ CD _ _ _
1579 3 3 CD _ _ _
1580 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1581 medium medium NN _ _ _
1582 : : : _ _ _
1583 <Med> <Med> NNP _ _ _
1584 LB LB NNP _ _ _
1585 </Med> </Med> NNP _ _ _
1586 PGCGROWTHCONDITIONS PGCGROWTHCONDITIONS NNP _ _ _
1587 medium medium NN _ _ _
1588 : : : _ _ _
1589 <Med> <med> NN _ _ _
1590 LB lb NN _ _ _
1590 M63 m63 NN _ _ _
1591 </Med> </med> NN _ _ _
1592 0.4 0.4 CD _ _ _
1593 B1 b1 NN _ _ _
1594 TEX tex NN _ _ _
1595 neg neg NN _ _ _
1596 L1 l1 NN _ _ _
1597 GA ga NN _ _ _
1598 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1599 <Med> <med> NN _ _ _
1600 LB lb NN _ _ _
1601 </Med> </med> NN _ _ _
1602 0.4 0.4 CD _ _ _
1603 B1 b1 NN _ _ _
1604 TEX TEX NNP _ _ _
1605 pos po VBZ _ _ _
1606 L1 l1 NN _ _ _
1607 GA ga NN _ _ _
1608 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1609 <Med> <med> NN _ _ _
1610 LB lb NN _ _ _
1611 </Med> </med> NN _ _ _
1612 0.4 0.4 CD _ _ _
1613 B2 b2 NN _ _ _
1614 TEX TEX NNP _ _ _
1615 neg neg NNP _ _ _
1616 L1 l1 NN _ _ _
1617 HS1 hs1 NN _ _ _
1618 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1619 <Med> <med> NN _ _ _
1620 LB lb NN _ _ _
1621 </Med> </med> NN _ _ _
1622 0.4 0.4 CD _ _ _
1623 B2 b2 NN _ _ _
1624 TEX TEX NNP _ _ _
1625 neg neg NNP _ _ _
1626 L1 l1 NN _ _ _
1627 HS2 hs2 NN _ _ _
1628 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1629 <Med> <med> NN _ _ _
1630 LB lb NN _ _ _
1631 </Med> </med> NN _ _ _
1632 0.4 0.4 CD _ _ _
1633 B2 b2 NN _ _ _
1634 TEX TEX NNP _ _ _
1635 pos po VBZ _ _ _
1636 L1 l1 NN _ _ _
1637 HS1 hs1 NN _ _ _
1638 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1639 <Med> <med> NN _ _ _
1640 LB lb NN _ _ _
1641 </Med> </med> NN _ _ _
1642 0.4 0.4 CD _ _ _
1643 B2 b2 NN _ _ _
1644 TEX TEX NNP _ _ _
1645 pos po VBZ _ _ _
1646 L1 l1 NN _ _ _
1647 HS2 hs2 NN _ _ _
1648 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1649 <Med> <med> NN _ _ _
1650 LB lb NN _ _ _
1651 </Med> </med> NN _ _ _
1652 2.0 2.0 CD _ _ _
1653 B1 b1 NN _ _ _
1654 TEX tex NN _ _ _
1655 neg neg NN _ _ _
1656 L1 l1 NN _ _ _
1657 GA ga NN _ _ _
1658 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1659 <Med> <med> NN _ _ _
1660 LB lb NN _ _ _
1661 </Med> </med> NN _ _ _
1662 2.0 2.0 CD _ _ _
1663 B1 b1 NN _ _ _
1664 TEX TEX NNP _ _ _
1665 neg neg NNP _ _ _
1666 L2 l2 NN _ _ _
1667 HS2 hs2 NN _ _ _
1668 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1669 <Med> <med> NN _ _ _
1670 LB lb NN _ _ _
1671 </Med> </med> NN _ _ _
1672 2.0 2.0 CD _ _ _
1673 B1 b1 NN _ _ _
1674 TEX TEX NNP _ _ _
1675 pos po VBZ _ _ _
1676 L1 l1 NN _ _ _
1677 GA ga NN _ _ _
1678 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1679 <Med> <med> NN _ _ _
1680 LB lb NN _ _ _
1681 </Med> </med> NN _ _ _
1682 2.0 2.0 CD _ _ _
1683 B1 b1 NN _ _ _
1684 TEX TEX NNP _ _ _
1685 pos po VBZ _ _ _
1686 L2 l2 NN _ _ _
1687 HS2 hs2 NN _ _ _
1688 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1689 <Med> <med> NN _ _ _
1690 LB lb NN _ _ _
1691 </Med> </med> NN _ _ _
1692 2.0 2.0 CD _ _ _
1693 B2 b2 NN _ _ _
1694 TEX TEX NNP _ _ _
1695 neg neg NNP _ _ _
1696 L1 l1 NN _ _ _
1697 HS1 hs1 NN _ _ _
1698 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1699 <Med> <med> NN _ _ _
1700 LB lb NN _ _ _
1701 </Med> </med> NN _ _ _
1702 2.0 2.0 CD _ _ _
1703 B2 b2 NN _ _ _
1704 TEX TEX NNP _ _ _
1705 neg neg NNP _ _ _
1706 L1 l1 NN _ _ _
1707 HS2 hs2 NN _ _ _
1708 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1709 <Med> <med> NN _ _ _
1710 LB lb NN _ _ _
1711 </Med> </med> NN _ _ _
1712 2.0 2.0 CD _ _ _
1713 B2 b2 NN _ _ _
1714 TEX TEX NNP _ _ _
1715 neg neg NNP _ _ _
1716 L2 l2 NN _ _ _
1717 HS2 hs2 NN _ _ _
1718 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1719 <Med> <med> NN _ _ _
1720 LB lb NN _ _ _
1721 </Med> </med> NN _ _ _
1722 2.0 2.0 CD _ _ _
1723 B2 b2 NN _ _ _
1724 TEX TEX NNP _ _ _
1725 pos po VBZ _ _ _
1726 L1 l1 NN _ _ _
1727 HS1 hs1 NN _ _ _
1728 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1729 <Med> <med> NN _ _ _
1730 LB lb NN _ _ _
1731 </Med> </med> NN _ _ _
1732 2.0 2.0 CD _ _ _
1733 B2 b2 NN _ _ _
1734 TEX TEX NNP _ _ _
1735 pos po VBZ _ _ _
1736 L1 l1 NN _ _ _
1737 HS2 hs2 NN _ _ _
1738 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1739 <Med> <med> NN _ _ _
1740 LB lb NN _ _ _
1741 </Med> </med> NN _ _ _
1742 2.0 2.0 CD _ _ _
1743 B2 b2 NN _ _ _
1744 TEX TEX NNP _ _ _
1745 pos po VBZ _ _ _
1746 L2 l2 NN _ _ _
1747 HS2 hs2 NN _ _ _
1748 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1749 <Med> <med> NN _ _ _
1750 M63 m63 NN _ _ _
1751 </Med> </med> NN _ _ _
1752 0.4 0.4 CD _ _ _
1753 B1 b1 NN _ _ _
1754 TEX tex NN _ _ _
1755 neg neg NN _ _ _
1756 L1 l1 NN _ _ _
1757 GA ga NN _ _ _
1758 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1759 <Med> <med> NN _ _ _
1760 M63 m63 NN _ _ _
1761 </Med> </med> NN _ _ _
1762 0.4 0.4 CD _ _ _
1763 B1 b1 NN _ _ _
1764 TEX TEX NNP _ _ _
1765 pos po VBZ _ _ _
1766 L1 l1 NN _ _ _
1767 GA ga NN _ _ _
1768 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1769 <Med> <med> NN _ _ _
1770 M63 m63 NN _ _ _
1771 </Med> </med> NN _ _ _
1772 0.4 0.4 CD _ _ _
1773 B2 b2 NN _ _ _
1774 TEX TEX NNP _ _ _
1775 neg neg NNP _ _ _
1776 L1 l1 NN _ _ _
1777 HS1 hs1 NN _ _ _
1778 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1779 <Med> <med> NN _ _ _
1780 M63 m63 NN _ _ _
1781 </Med> </med> NN _ _ _
1782 0.4 0.4 CD _ _ _
1783 B2 b2 NN _ _ _
1784 TEX TEX NNP _ _ _
1785 neg neg NNP _ _ _
1786 L1 l1 NN _ _ _
1787 HS2 hs2 NN _ _ _
1788 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1789 <Med> <med> NN _ _ _
1790 M63 m63 NN _ _ _
1791 </Med> </med> NN _ _ _
1792 0.4 0.4 CD _ _ _
1793 B2 b2 NN _ _ _
1794 TEX TEX NNP _ _ _
1795 pos po VBZ _ _ _
1796 L1 l1 NN _ _ _
1797 HS1 hs1 NN _ _ _
1798 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1799 <Med> <med> NN _ _ _
1800 M63 m63 NN _ _ _
1801 </Med> </med> NN _ _ _
1802 0.4 0.4 CD _ _ _
1803 B2 b2 NN _ _ _
1804 TEX TEX NNP _ _ _
1805 pos po VBZ _ _ _
1806 L1 l1 NN _ _ _
1807 HS2 hs2 NN _ _ _
1808 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1809 <Med> <med> NN _ _ _
1810 M9 m9 NN _ _ _
1811 minimal minimal JJ _ _ _
1812 complete complete JJ _ _ _
1813 media media NNS _ _ _
1814 </Med> </med> NN _ _ _
1815 , , , _ _ _
1816 cultures culture NNS _ _ _
1817 grown grow VBN _ _ _
1818 <Air> <air> NN _ _ _
1819 aerobically aerobically RB _ _ _
1820 </Air> </Air> NNP _ _ _
1821 at at IN _ _ _
1822 <Temp> <Temp> NNP _ _ _
1823 30 30 CD _ _ _
1824 degrees degree NNS _ _ _
1825 C c NN _ _ _
1826 </Temp> </temp> NN _ _ _
1827 in in IN _ _ _
1828 a a DT _ _ _
1829 <Agit> <agit> NN _ _ _
1830 gyratory gyratory JJ _ _ _
1831 water water NN _ _ _
1832 bath bath NN _ _ _
1833 shaking shake VBG _ _ _
1834 at at IN _ _ _
1835 240 240 CD _ _ _
1836 rpm rpm NN _ _ _
1837 </Agit> </agit> NN _ _ _
1838 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1839 Nac Nac NNP _ _ _
1840 _ _ NNP _ _ _
1841 <Technique> <Technique> NNP _ _ _
1842 ChIPSeq ChIPSeq NNP _ _ _
1843 </Technique> </Technique> NNP _ _ _
1844 PGCGROWTHCONDITIONS PGCGROWTHCONDITIONS NNP _ _ _
1845 Nac Nac NNP _ _ _
1846 _ _ SYM _ _ _
1847 <Technique> <technique> NN _ _ _
1848 RNASeq rnaseq NN _ _ _
1849 </Technique> </technique> NN _ _ _
1850 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1851 NtrC ntrc NN _ _ _
1852 _ _ CD _ _ _
1853 <Technique> <technique> NN _ _ _
1854 ChIPSeq chipseq NN _ _ _
1855 </Technique> </technique> NN _ _ _
1856 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1857 OmpR ompr NN _ _ _
1858 <Supp> <supp> NN _ _ _
1859 NaCl nacl NN _ _ _
1860 </Supp> </supp> NN _ _ _
1861 1 1 CD _ _ _
1862 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1863 OmpR ompr NN _ _ _
1864 <Supp> <supp> NN _ _ _
1865 NaCl nacl NN _ _ _
1866 </Supp> </supp> NN _ _ _
1867 2 2 CD _ _ _
1868 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1869 OmpR ompr NN _ _ _
1870 _ _ CD _ _ _
1871 <Technique> <technique> NN _ _ _
1872 ChIPSeq chipseq NN _ _ _
1873 </Technique> </technique> NN _ _ _
1874 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1875 <Orgn> <orgn> NN _ _ _
1876 Escherichia escherichia FW _ _ _
1877 coli coli FW _ _ _
1878 K-12 k-12 NN _ _ _
1879 </Orgn> </orgn> NN _ _ _
1880 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1881 <Orgn> <orgn> NN _ _ _
1882 Escherichia escherichia FW _ _ _
1883 coli coli FW _ _ _
1884 </Orgn> </orgn> NN _ _ _
1885 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1886 <Orgn> <orgn> NN _ _ _
1887 Escherichia escherichia FW _ _ _
1888 coli coli FW _ _ _
1889 </Orgn> </orgn> NN _ _ _
1890 str str NN _ _ _
1891 . . . _ _ _
1592 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1593 <Med> <med> NN _ _ _
1594 LB lb NN _ _ _
1595 </Med> </med> NN _ _ _
1596 0.4 0.4 CD _ _ _
1597 B1 b1 NN _ _ _
1598 TEX tex NN _ _ _
1599 neg neg NN _ _ _
1600 L1 l1 NN _ _ _
1601 GA ga NN _ _ _
1602 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1603 <Med> <med> NN _ _ _
1604 LB lb NN _ _ _
1605 </Med> </med> NN _ _ _
1606 0.4 0.4 CD _ _ _
1607 B1 b1 NN _ _ _
1608 TEX TEX NNP _ _ _
1609 pos po VBZ _ _ _
1610 L1 l1 NN _ _ _
1611 GA ga NN _ _ _
1612 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1613 <Med> <med> NN _ _ _
1614 LB lb NN _ _ _
1615 </Med> </med> NN _ _ _
1616 0.4 0.4 CD _ _ _
1617 B2 b2 NN _ _ _
1618 TEX TEX NNP _ _ _
1619 neg neg NNP _ _ _
1620 L1 l1 NN _ _ _
1621 HS1 hs1 NN _ _ _
1622 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1623 <Med> <med> NN _ _ _
1624 LB lb NN _ _ _
1625 </Med> </med> NN _ _ _
1626 0.4 0.4 CD _ _ _
1627 B2 b2 NN _ _ _
1628 TEX TEX NNP _ _ _
1629 neg neg NNP _ _ _
1630 L1 l1 NN _ _ _
1631 HS2 hs2 NN _ _ _
1632 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1633 <Med> <med> NN _ _ _
1634 LB lb NN _ _ _
1635 </Med> </med> NN _ _ _
1636 0.4 0.4 CD _ _ _
1637 B2 b2 NN _ _ _
1638 TEX TEX NNP _ _ _
1639 pos po VBZ _ _ _
1640 L1 l1 NN _ _ _
1641 HS1 hs1 NN _ _ _
1642 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1643 <Med> <med> NN _ _ _
1644 LB lb NN _ _ _
1645 </Med> </med> NN _ _ _
1646 0.4 0.4 CD _ _ _
1647 B2 b2 NN _ _ _
1648 TEX TEX NNP _ _ _
1649 pos po VBZ _ _ _
1650 L1 l1 NN _ _ _
1651 HS2 hs2 NN _ _ _
1652 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1653 <Med> <med> NN _ _ _
1654 LB lb NN _ _ _
1655 </Med> </med> NN _ _ _
1656 2.0 2.0 CD _ _ _
1657 B1 b1 NN _ _ _
1658 TEX tex NN _ _ _
1659 neg neg NN _ _ _
1660 L1 l1 NN _ _ _
1661 GA ga NN _ _ _
1662 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1663 <Med> <med> NN _ _ _
1664 LB lb NN _ _ _
1665 </Med> </med> NN _ _ _
1666 2.0 2.0 CD _ _ _
1667 B1 b1 NN _ _ _
1668 TEX TEX NNP _ _ _
1669 neg neg NNP _ _ _
1670 L2 l2 NN _ _ _
1671 HS2 hs2 NN _ _ _
1672 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1673 <Med> <med> NN _ _ _
1674 LB lb NN _ _ _
1675 </Med> </med> NN _ _ _
1676 2.0 2.0 CD _ _ _
1677 B1 b1 NN _ _ _
1678 TEX TEX NNP _ _ _
1679 pos po VBZ _ _ _
1680 L1 l1 NN _ _ _
1681 GA ga NN _ _ _
1682 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1683 <Med> <med> NN _ _ _
1684 LB lb NN _ _ _
1685 </Med> </med> NN _ _ _
1686 2.0 2.0 CD _ _ _
1687 B1 b1 NN _ _ _
1688 TEX TEX NNP _ _ _
1689 pos po VBZ _ _ _
1690 L2 l2 NN _ _ _
1691 HS2 hs2 NN _ _ _
1692 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1693 <Med> <med> NN _ _ _
1694 LB lb NN _ _ _
1695 </Med> </med> NN _ _ _
1696 2.0 2.0 CD _ _ _
1697 B2 b2 NN _ _ _
1698 TEX TEX NNP _ _ _
1699 neg neg NNP _ _ _
1700 L1 l1 NN _ _ _
1701 HS1 hs1 NN _ _ _
1702 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1703 <Med> <med> NN _ _ _
1704 LB lb NN _ _ _
1705 </Med> </med> NN _ _ _
1706 2.0 2.0 CD _ _ _
1707 B2 b2 NN _ _ _
1708 TEX TEX NNP _ _ _
1709 neg neg NNP _ _ _
1710 L1 l1 NN _ _ _
1711 HS2 hs2 NN _ _ _
1712 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1713 <Med> <med> NN _ _ _
1714 LB lb NN _ _ _
1715 </Med> </med> NN _ _ _
1716 2.0 2.0 CD _ _ _
1717 B2 b2 NN _ _ _
1718 TEX TEX NNP _ _ _
1719 neg neg NNP _ _ _
1720 L2 l2 NN _ _ _
1721 HS2 hs2 NN _ _ _
1722 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1723 <Med> <med> NN _ _ _
1724 LB lb NN _ _ _
1725 </Med> </med> NN _ _ _
1726 2.0 2.0 CD _ _ _
1727 B2 b2 NN _ _ _
1728 TEX TEX NNP _ _ _
1729 pos po VBZ _ _ _
1730 L1 l1 NN _ _ _
1731 HS1 hs1 NN _ _ _
1732 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1733 <Med> <med> NN _ _ _
1734 LB lb NN _ _ _
1735 </Med> </med> NN _ _ _
1736 2.0 2.0 CD _ _ _
1737 B2 b2 NN _ _ _
1738 TEX TEX NNP _ _ _
1739 pos po VBZ _ _ _
1740 L1 l1 NN _ _ _
1741 HS2 hs2 NN _ _ _
1742 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1743 <Med> <med> NN _ _ _
1744 LB lb NN _ _ _
1745 </Med> </med> NN _ _ _
1746 2.0 2.0 CD _ _ _
1747 B2 b2 NN _ _ _
1748 TEX TEX NNP _ _ _
1749 pos po VBZ _ _ _
1750 L2 l2 NN _ _ _
1751 HS2 hs2 NN _ _ _
1752 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1753 <Med> <med> NN _ _ _
1754 M63 m63 NN _ _ _
1755 </Med> </med> NN _ _ _
1756 0.4 0.4 CD _ _ _
1757 B1 b1 NN _ _ _
1758 TEX tex NN _ _ _
1759 neg neg NN _ _ _
1760 L1 l1 NN _ _ _
1761 GA ga NN _ _ _
1762 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1763 <Med> <med> NN _ _ _
1764 M63 m63 NN _ _ _
1765 </Med> </med> NN _ _ _
1766 0.4 0.4 CD _ _ _
1767 B1 b1 NN _ _ _
1768 TEX TEX NNP _ _ _
1769 pos po VBZ _ _ _
1770 L1 l1 NN _ _ _
1771 GA ga NN _ _ _
1772 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1773 <Med> <med> NN _ _ _
1774 M63 m63 NN _ _ _
1775 </Med> </med> NN _ _ _
1776 0.4 0.4 CD _ _ _
1777 B2 b2 NN _ _ _
1778 TEX TEX NNP _ _ _
1779 neg neg NNP _ _ _
1780 L1 l1 NN _ _ _
1781 HS1 hs1 NN _ _ _
1782 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1783 <Med> <med> NN _ _ _
1784 M63 m63 NN _ _ _
1785 </Med> </med> NN _ _ _
1786 0.4 0.4 CD _ _ _
1787 B2 b2 NN _ _ _
1788 TEX TEX NNP _ _ _
1789 neg neg NNP _ _ _
1790 L1 l1 NN _ _ _
1791 HS2 hs2 NN _ _ _
1792 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1793 <Med> <med> NN _ _ _
1794 M63 m63 NN _ _ _
1795 </Med> </med> NN _ _ _
1796 0.4 0.4 CD _ _ _
1797 B2 b2 NN _ _ _
1798 TEX TEX NNP _ _ _
1799 pos po VBZ _ _ _
1800 L1 l1 NN _ _ _
1801 HS1 hs1 NN _ _ _
1802 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1803 <Med> <med> NN _ _ _
1804 M63 m63 NN _ _ _
1805 </Med> </med> NN _ _ _
1806 0.4 0.4 CD _ _ _
1807 B2 b2 NN _ _ _
1808 TEX TEX NNP _ _ _
1809 pos po VBZ _ _ _
1810 L1 l1 NN _ _ _
1811 HS2 hs2 NN _ _ _
1812 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1813 <Med> <med> NN _ _ _
1814 M9 m9 NN _ _ _
1815 minimal minimal JJ _ _ _
1816 complete complete JJ _ _ _
1817 media media NNS _ _ _
1818 </Med> </med> NN _ _ _
1819 , , , _ _ _
1820 cultures culture NNS _ _ _
1821 grown grow VBN _ _ _
1822 <Air> <air> NN _ _ _
1823 aerobically aerobically RB _ _ _
1824 </Air> </Air> NNP _ _ _
1825 at at IN _ _ _
1826 <Temp> <Temp> NNP _ _ _
1827 30 30 CD _ _ _
1828 degrees degree NNS _ _ _
1829 C c NN _ _ _
1830 </Temp> </temp> NN _ _ _
1831 in in IN _ _ _
1832 a a DT _ _ _
1833 <Agit> <agit> NN _ _ _
1834 gyratory gyratory JJ _ _ _
1835 water water NN _ _ _
1836 bath bath NN _ _ _
1837 shaking shake VBG _ _ _
1838 at at IN _ _ _
1839 240 240 CD _ _ _
1840 rpm rpm NN _ _ _
1841 </Agit> </agit> NN _ _ _
1842 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1843 Nac Nac NNP _ _ _
1844 _ _ NNP _ _ _
1845 <Technique> <Technique> NNP _ _ _
1846 ChIPSeq ChIPSeq NNP _ _ _
1847 </Technique> </Technique> NNP _ _ _
1848 PGCGROWTHCONDITIONS PGCGROWTHCONDITIONS NNP _ _ _
1849 Nac Nac NNP _ _ _
1850 _ _ SYM _ _ _
1851 <Technique> <technique> NN _ _ _
1852 RNASeq rnaseq NN _ _ _
1853 </Technique> </technique> NN _ _ _
1854 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1855 NtrC ntrc NN _ _ _
1856 _ _ CD _ _ _
1857 <Technique> <technique> NN _ _ _
1858 ChIPSeq chipseq NN _ _ _
1859 </Technique> </technique> NN _ _ _
1860 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1861 OmpR ompr NN _ _ _
1862 <Supp> <supp> NN _ _ _
1863 NaCl nacl NN _ _ _
1864 </Supp> </supp> NN _ _ _
1865 1 1 CD _ _ _
1866 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1867 OmpR ompr NN _ _ _
1868 <Supp> <supp> NN _ _ _
1869 NaCl nacl NN _ _ _
1870 </Supp> </supp> NN _ _ _
1871 2 2 CD _ _ _
1872 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1873 OmpR ompr NN _ _ _
1874 _ _ CD _ _ _
1875 <Technique> <technique> NN _ _ _
1876 ChIPSeq chipseq NN _ _ _
1877 </Technique> </technique> NN _ _ _
1878 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1879 <Orgn> <orgn> NN _ _ _
1880 Escherichia escherichia FW _ _ _
1881 coli coli FW _ _ _
1882 K-12 k-12 NN _ _ _
1883 </Orgn> </orgn> NN _ _ _
1884 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1885 <Orgn> <orgn> NN _ _ _
1886 Escherichia escherichia FW _ _ _
1887 coli coli FW _ _ _
1888 </Orgn> </orgn> NN _ _ _
1889 PGCGROWTHCONDITIONS pgcgrowthconditions NN _ _ _
1890 <Orgn> <orgn> NN _ _ _
1891 Escherichia escherichia FW _ _ _
1892 coli coli FW _ _ _
1893 </Orgn> </orgn> NN _ _ _
1894 str str NN _ _ _
1895 . . . _ _ _
1 <Strain> <strain> NN _ _ _
2 K-12 k-12 NN _ _ _
......
This diff could not be displayed because it is too large.